From 0a33a3a840a3dd117e7300624e2afa1aee5abff4 Mon Sep 17 00:00:00 2001 From: Nicolas Date: Thu, 23 May 2019 11:53:09 -0700 Subject: [PATCH] Big update: Keras, Tensorflow, Horovod, CuDNN (#57) --- .gitignore | 2 +- README.md | 533 ++++--- bin/cakechat_server.py | 5 +- cakechat/api/config.py | 8 +- cakechat/api/response.py | 37 +- cakechat/api/utils.py | 8 +- cakechat/api/v1/server.py | 23 +- cakechat/config.py | 129 +- cakechat/dialog_model/abstract_callbacks.py | 137 ++ cakechat/dialog_model/abstract_model.py | 141 ++ cakechat/dialog_model/callbacks.py | 112 ++ cakechat/dialog_model/factory.py | 64 +- .../candidates/abstract_generator.py | 4 +- .../inference/candidates/beamsearch.py | 42 +- .../inference/candidates/sampling.py | 17 +- cakechat/dialog_model/inference/factory.py | 4 +- cakechat/dialog_model/inference/predict.py | 12 +- cakechat/dialog_model/inference/predictor.py | 7 +- cakechat/dialog_model/inference/reranking.py | 8 +- .../dialog_model/inference/tests/predict.py | 27 +- .../dialog_model/inference/tests/sampling.py | 14 +- cakechat/dialog_model/inference/utils.py | 23 +- cakechat/dialog_model/inference_model.py | 48 + cakechat/dialog_model/keras_model.py | 307 ++++ cakechat/dialog_model/layers.py | 99 +- cakechat/dialog_model/model.py | 1306 ++++++++--------- cakechat/dialog_model/model_utils.py | 98 +- cakechat/dialog_model/quality/__init__.py | 3 +- cakechat/dialog_model/quality/logging.py | 167 +-- .../quality/metrics/distinctness.py | 7 +- .../quality/metrics/lexical_simlarity.py | 4 +- .../dialog_model/quality/metrics/plotters.py | 60 + .../dialog_model/quality/metrics/ranking.py | 2 +- .../dialog_model/quality/metrics/utils.py | 22 + .../dialog_model/quality/tests/metrics.py | 5 + cakechat/dialog_model/train.py | 254 ---- cakechat/utils/data_types.py | 20 +- cakechat/utils/dataset_loader.py | 107 +- cakechat/utils/env.py | 92 +- cakechat/utils/files_utils.py | 104 +- cakechat/utils/logger.py | 1 + cakechat/utils/offense_detector/detector.py | 19 +- cakechat/utils/plotters.py | 25 - cakechat/utils/profile.py | 2 +- cakechat/utils/s3/__init__.py | 3 +- cakechat/utils/s3/resolver.py | 20 +- cakechat/utils/s3/utils.py | 7 - cakechat/utils/tee_file.py | 6 +- cakechat/utils/telegram_bot_client.py | 6 +- cakechat/utils/text_processing/__init__.py | 2 +- cakechat/utils/text_processing/config.py | 2 +- .../utils/text_processing/corpus_iterator.py | 8 +- cakechat/utils/text_processing/dialog.py | 1 - .../utils/text_processing/str_processor.py | 27 +- cakechat/utils/text_processing/utils.py | 9 +- cakechat/utils/w2v/__init__.py | 3 +- cakechat/utils/w2v/model.py | 70 +- cakechat/utils/w2v/utils.py | 36 +- .../c_idx_processed_dialogs.json | 1 + .../test_processed_dialogs.txt | 20 + .../train_processed_dialogs.txt | 200 +-- data/quality/context_free_questions.txt | 3 +- data/quality/context_free_validation_set.txt | 10 +- .../tokens_index/t_idx_processed_dialogs.json | 1 + dockerfiles/Dockerfile.cpu | 28 +- dockerfiles/Dockerfile.gpu | 105 +- dockerfiles/Dockerfile3.cpu | 44 - dockerfiles/Dockerfile3.gpu | 102 -- requirements-local.txt | 2 + requirements.txt | 23 +- tools/distributed_train.py | 26 + tools/download_model.py | 26 - tools/fetch.py | 46 + tools/generate_predictions.py | 77 +- tools/generate_predictions_for_condition.py | 17 +- tools/prepare_index_files.py | 26 +- tools/quality/condition_quality.py | 143 +- tools/quality/prediction_distinctness.py | 75 +- tools/quality/ranking_quality.py | 17 +- tools/telegram_bot.py | 6 +- tools/test_api.py | 4 +- tools/train.py | 142 +- tools/train_w2v.py | 29 + 83 files changed, 3090 insertions(+), 2392 deletions(-) create mode 100644 cakechat/dialog_model/abstract_callbacks.py create mode 100644 cakechat/dialog_model/abstract_model.py create mode 100644 cakechat/dialog_model/callbacks.py create mode 100644 cakechat/dialog_model/inference_model.py create mode 100644 cakechat/dialog_model/keras_model.py create mode 100644 cakechat/dialog_model/quality/metrics/plotters.py delete mode 100644 cakechat/dialog_model/train.py delete mode 100644 cakechat/utils/plotters.py delete mode 100644 cakechat/utils/s3/utils.py create mode 100644 data/conditions_index/c_idx_processed_dialogs.json create mode 100644 data/corpora_processed/test_processed_dialogs.txt create mode 100644 data/tokens_index/t_idx_processed_dialogs.json delete mode 100644 dockerfiles/Dockerfile3.cpu delete mode 100644 dockerfiles/Dockerfile3.gpu create mode 100644 requirements-local.txt create mode 100644 tools/distributed_train.py delete mode 100644 tools/download_model.py create mode 100644 tools/fetch.py create mode 100644 tools/train_w2v.py diff --git a/.gitignore b/.gitignore index 3228c3d..d0d30de 100644 --- a/.gitignore +++ b/.gitignore @@ -8,6 +8,6 @@ dist/* build/* tags venv -data +results !data/corpora_processed !data/quality diff --git a/README.md b/README.md index c54ae60..ff0f8a0 100644 --- a/README.md +++ b/README.md @@ -1,220 +1,354 @@ # CakeChat: Emotional Generative Dialog System -CakeChat is a dialog system that is able to express emotions in a text conversation. [Try it online!](https://cakechat.replika.ai/) +CakeChat is a chatbot that is able to express emotions via conversations. +[Try it online!](https://cakechat.replika.ai/) -![Demo](https://user-images.githubusercontent.com/764902/34832660-92570bfe-f6fe-11e7-9802-db2f8730a997.png) +![Demo](https://user-images.githubusercontent.com/2272790/57650691-3a8b9280-7580-11e9-9b60-ae3b28692c05.png) -It is written in [Theano](http://deeplearning.net/software/theano/) and [Lasagne](https://github.com/Lasagne/Lasagne). It uses end-to-end trained embeddings of 5 different emotions to generate responses conditioned by a given emotion. +CakeChat is built on [Keras](https://keras.io/) and [Tensorflow](https://www.tensorflow.org). -The code is flexible and allows to condition a response by an arbitrary categorical variable defined for some samples in the training data. With CakeChat you can, for example, train your own persona-based neural conversational model[\[5\]](#f5) or create an emotional chatting machine without external memory[\[4\]](#f4). +The code is flexible and allows to condition model's responses by an arbitrary categorical variable. +For example, you can train your own persona-based neural conversational model[\[1\]](#f1) +or create an emotional chatting machine[\[2\]](#f2). ## Table of contents - * [Network architecture and features](#network-architecture-and-features) - * [Quick start](#quick-start) - * [Setup](#setup) - * [Docker](#docker) - * [CPU-only setup](#cpu-only-setup) - * [GPU-enabled setup](#gpu-enabled-setup) - * [Manual setup](#manual-setup) - * [Getting the model](#getting-the-model) - * [Using a pre-trained model](#using-a-pre-trained-model) - * [Training your own model](#training-your-own-model) - * [Existing training datasets](#existing-training-datasets) - * [Running the system](#running-the-system) - * [Local HTTP\-server](#local-http-server) - * [HTTP\-server API description](#http-server-api-description) - * [Gunicorn HTTP\-server](#gunicorn-http-server) - * [Telegram bot](#telegram-bot) - * [Repository overview](#repository-overview) - * [Important tools](#important-tools) - * [Important configuration settings](#important-configuration-settings) - * [Example use cases](#example-use-cases) - * [References](#references) - * [Credits & Support](#credits--support) - * [License](#license) + 1. [Network architecture and features](#network-architecture-and-features) + 1. [Quick start](#quick-start) + 1. [Setup for training and testing](#setup-for-training-and-testing) + 1. [Docker](#docker) + 1. [CPU-only setup](#cpu-only-setup) + 1. [GPU-enabled setup](#gpu-enabled-setup) + 1. [Manual setup](#manual-setup) + 1. [Getting the pre-trained model](#getting-the-pre-trained-model) + 1. [Training data](#training-data) + 1. [Training the model](#training-the-model) + 1. [Fine-tuning the pre-trained model on your data](#fine-tuning-the-pre-trained-model-on-your-data) + 1. [Training the model from scratch](#training-the-model-from-scratch) + 1. [Distributed train](#distributed-train) + 1. [Validation metrics calculation](#validation-metrics-calculation) + 1. [Testing the trained model](#testing-the-trained-model) + 1. [Running CakeChat server](#running-cakechat-server) + 1. [Local HTTP\-server](#local-http-server) + 1. [HTTP\-server API description](#http-server-api-description) + 1. [Gunicorn HTTP\-server](#gunicorn-http-server) + 1. [Telegram bot](#telegram-bot) + 1. [Repository overview](#repository-overview) + 1. [Important tools](#important-tools) + 1. [Important configuration settings](#important-configuration-settings) + 1. [Example use cases](#example-use-cases) + 1. [References](#references) + 1. [Credits & Support](#credits--support) + 1. [License](#license) ## Network architecture and features -![Network architecture](https://user-images.githubusercontent.com/4047271/34774960-71c7bfa0-f622-11e7-812b-cdb84472577a.png) - - -* Model: - * Hierarchical Recurrent Encoder-Decoder (HRED) architecture for handling deep dialog context[\[7\]](#f7) - * Multilayer RNN with GRU cells. First layer of the utterance-level encoder is always bidirectional. - * Thought vector is fed into decoder on each decoding step. - * Decoder can be conditioned on any string label. For example: emotion label or id of a person talking. -* Word embedding layer: - * May be initialized using w2v model trained on your own corpus. - * Embedding layer may either stay fixed of be fine-tuned along with all other weights of the network. -* Decoding - * 4 different response generation algorithms: "sampling", "beamsearch", "sampling-reranking" and "beamsearch-reranking". - Reranking of the generated candidates is performed according to the log-likelihood or MMI-criteria[\[3\]](#f3). - See [configuration settings description](#important-configuration-settings) for details. -* Metrics: - * Perplexity - * n-gram distinct metrics adjusted to the samples size[\[3\]](#f3). - * Lexical similarity between samples of the model and some fixed dataset. - Lexical similarity is a cosine distance between TF-IDF vector of responses generated by the model and tokens - in the dataset. - * Ranking metrics: mean average precision and mean recall@k.[\[8\]](#f8) +![Network architecture](https://user-images.githubusercontent.com/2272790/57819307-b7fc0200-773c-11e9-971b-4f73a72ef8ba.png) + + +Model: + + * Hierarchical Recurrent Encoder-Decoder (HRED) architecture for handling deep dialog context[\[3\]](#f3). + * Multilayer RNN with GRU cells. The first layer of the utterance-level encoder is always bidirectional. + By default, CuDNNGRU implementation is used for ~25% acceleration during inference. + * Thought vector is fed into decoder on each decoding step. + * Decoder can be conditioned on any categorical label, for example, emotion label or persona id. + +Word embedding layer: + + * May be initialized using w2v model trained on your corpus. + * Embedding layer may be either fixed or fine-tuned along with other weights of the network. + +Decoding + + * 4 different response generation algorithms: "sampling", "beamsearch", "sampling-reranking" and "beamsearch-reranking". + Reranking of the generated candidates is performed according to the log-likelihood or MMI-criteria[\[4\]](#f4). + See [configuration settings description](#important-configuration-settings) for details. + +Metrics: + + * Perplexity + * n-gram distinct metrics adjusted to the samples size[\[4\]](#f4). + * Lexical similarity between samples of the model and some fixed dataset. + Lexical similarity is a cosine distance between TF-IDF vector of responses generated by the model and tokens + in the dataset. + * Ranking metrics: mean average precision and mean recall@k.[\[5\]](#f5) ## Quick start -Run the CPU-only pre-built docker image & start the CakeChat serving the model on 8080 port: +In case you are familiar with [Docker](https://docs.docker.com) here is the easiest way to run a pre-trained CakeChat +model as a server. You may need to run the following commands with `sudo`. + +CPU version: ```(bash) -docker run --name cakechat-dev -p 127.0.0.1:8080:8080 -it lukalabs/cakechat:latest \ +docker pull lukalabs/cakechat:latest && \ + +docker run --name cakechat-server -p 127.0.0.1:8080:8080 -it lukalabs/cakechat:latest \ bash -c "python bin/cakechat_server.py" ``` -(Or) using the GPU-enabled image: +GPU version: + +```(bash) +docker pull lukalabs/cakechat-gpu:latest && \ + +nvidia-docker run --name cakechat-gpu-server -p 127.0.0.1:8080:8080 -it lukalabs/cakechat-gpu:latest \ + bash -c "CUDA_VISIBLE_DEVICES=0 python bin/cakechat_server.py" +``` +That's it! Now test your CakeChat server by running the following command on your host machine: ```(bash) -nvidia-docker run --name cakechat-gpu-dev -p 127.0.0.1:8080:8080 -it lukalabs/cakechat-gpu:latest \ - bash -c "USE_GPU=0 python bin/cakechat_server.py" +python tools/test_api.py -f localhost -p 8080 -c "hi!" -c "hi, how are you?" -c "good!" -e "joy" +``` + +The response dict may look like this: +``` +{'response': "I'm fine!"} ``` -That's it! Now you can try it by running `python tools/test_api.py -f localhost -p 8080 -c "Hi! How are you?"` from the host command line. -## Setup +## Setup for training and testing ### Docker -This is the easiest way to set up the environment and install all the dependencies. +Docker is the easiest way to set up the environment and install all the dependencies for training and testing. -#### CPU-only setup -1. Install [Docker](https://docs.docker.com/engine/installation/) +#### CPU-only setup +*Note: +We strongly recommend using GPU-enabled environment for training CakeChat model. +Inference can be made both on GPUs and CPUs.* -2. Build a docker image +1. Install [Docker](https://docs.docker.com/engine/installation/). -Build a CPU-only image: +2. Pull a CPU-only docker image from dockerhub: ```(bash) -docker build -t cakechat:latest -f dockerfiles/Dockerfile.cpu dockerfiles/ +docker pull lukalabs/cakechat:latest ``` -3. Start the container - -Run a docker container in the CPU-only environment +3. Run a docker container in the CPU-only environment: ```(bash) -docker run --name -it cakechat:latest +docker run --name -it lukalabs/cakechat:latest ``` #### GPU-enabled setup 1. Install [nvidia-docker](https://github.com/NVIDIA/nvidia-docker) for the GPU support. -2. Build a GPU-enabled docker image: +2. Pull GPU-enabled docker image from dockerhub: ```(bash) -nvidia-docker build -t cakechat-gpu:latest -f dockerfiles/Dockerfile.gpu dockerfiles/ +docker pull lukalabs/cakechat-gpu:latest ``` -3. Start the container - -Run a docker container in the GPU-enabled environment: +3. Run a docker container in the GPU-enabled environment: ```(bash) -nvidia-docker run --name -it cakechat-gpu:latest +nvidia-docker run --name -it cakechat-gpu:latest ``` -That's it! Now you can train your model and chat with it. - +That's it! Now you can train your model and chat with it. See the corresponding section below for further instructions. ### Manual setup -If you don't want to deal with docker images and containers, you can always simply run (with `sudo`, `--user` or inside your **[virtualenv](https://virtualenv.pypa.io/en/stable/)**): +If you don't want to deal with docker, you can install all the requirements manually: ```(bash) -pip install -r requirements.txt +pip install -r requirements.txt -r requirements-local.txt ``` -Most likely this will do the job. -**NB:** This method only provides a CPU-only environment. To get a GPU support, you'll need to build and install **[libgpuarray](http://deeplearning.net/software/libgpuarray/installation.html)** by yourself (see [Dockerfile.gpu](dockerfiles/Dockerfile.gpu) for example). +**NB:** + +We recommend installing the requirements inside a [virtualenv](https://virtualenv.pypa.io/en/stable/) to prevent +messing with your system packages. + + +## Getting the pre-trained model + +You can download our pre-trained model weights by running `python tools/fetch.py`. + +The params of the pre-trained model are the following: + + * context size **3** (, , ) + * each encoded utterance contains **up to 30 tokens** + * the decoded utterance contains **up to 32 tokens** + * both encoder and decoder have **2 GRU layers** with **768 hidden units** each + * first layer of the encoder is bidirectional + + +### Training data + +The model was trained on a preprocessed Twitter corpus with ~50 million dialogs (11Gb of text data). +To clean up the corpus, we removed +* URLs, retweets and citations; +* mentions and hashtags that are not preceded by regular words or punctuation marks; +* messages that contain more than 30 tokens. + +We used our emotions classifier to label each utterance with one of the following 5 emotions: `"neutral", "joy", +"anger", "sadness", "fear"`, and used these labels during training. +To mark-up your own corpus with emotions you can use, for example, [DeepMoji tool](https://github.com/bfelbo/DeepMoji). + +Unfortunately, due to Twitter's privacy policy, we are not allowed to provide our dataset. +You can train a dialog model on any text conversational dataset available to you, a great overview of existing +conversational datasets can be found here: https://breakend.github.io/DialogDatasets/ +The training data should be a txt file, where each line is a valid json object, representing a list of dialog utterances. +Refer to our [dummy train dataset](data/corpora_processed/train_processed_dialogs.txt) to see the necessary +file structure. Replace this dummy corpus with your data before training. -## Getting the model -### Using a pre-trained model +## Training the model -Run `python tools/download_model.py` to download our pre-trained model. +There are two options: -The model is trained with **context size 3** where -the encoded sequence contains **30 tokens or less** and -the decoded sequence contains **32 tokens or less**. -Both encoder and decoder contain **2 GRU layers** with **512 hidden units** each. +1. training from scratch +1. fine-tuning the provided trained model -The model was trained on a Twitter preprocessed conversational data. -To clean up the data, we removed URLs, retweets and citations. -Also we removed mentions and hashtags that are not preceded by normal words or punctuation marks -and filtered out all messages that contains more than 30 tokens. -Then we marked out each utterance with our emotions classifier that predicts one of the -5 emotions: "neutral", "joy", "anger", "sadness" and "fear". -To mark-up your own corpus with emotions you can use, for example, [DeepMoji tool](https://github.com/bfelbo/DeepMoji) -or any other emotions classifier that you have. +The first approach is less restrictive: you can use any training data you want and set any config params of the model. +However, you should be aware that you'll need enough train data (~50Mb at least), one or more GPUs and enough +patience (days) to get good model's responses. -#### Initalizing model weights from file -For some tools (for example [`tools/train.py`](tools/train.py)) you can specify the path to model's initialization weights via `--init_weights` argument. +The second approach is limited by the choice of config params of the pre-trained model – see `cakechat/config.py` for +the complete list. If the default params are suitable for your task, fine-tuning should be a good option. -The weights may come from a trained CakeChat model or from a model with a different architecture. -In the latter case some parameters of Cakechat model may be left without initialization: -a parameter will be initialized with a saved value if the parameter's name and shape are -identical to the saved parameter, otherwise the parameter will keep its default initialization weights. -See `load_weights` function for the details. +### Fine-tuning the pre-trained model on your data -### Training your own model +1. Fetch the pre-trained model from Amazon S3 by running `python tools/fetch.py`. -1. Put your training text corpus to [`data/corpora_processed/`](data/corpora_processed/). -Each line of the corpus file should be a JSON object containing a list of dialog messages sorted in chronological order. -Code is fully language-agnostic — you can use any unicode texts in datasets. -Refer to our dummy corpus to see the input format [`data/corpora_processed/train_processed_dialogs.txt`](data/corpora_processed/train_processed_dialogs.txt). +1. Put your training text corpus to +[`data/corpora_processed/train_processed_dialogs.txt`](data/corpora_processed/train_processed_dialogs.txt). Make sure that your +dataset is large enough, otherwise your model risks to overfit the data and the results will be poor. -2. The following datasets are used for validation and early stopping: +1. Run `python tools/train.py`. + 1. The script will look for the pre-trained model weights in `results/nn_models`, the full path is inferred from the + set of config params. + 1. If you want to initialize the model weights from a custom file, you can specify the path to the file via `-i` + argument, for example, `python tools/train.py -i results/nn_models/my_saved_weights/model.current`. + 1. Don't forget to set `CUDA_VISIBLE_DEVICES=` environment variable (with as in output of + **nvidia-smi** command) if you want to use GPU. For example, `CUDA_VISIBLE_DEVICES=0 python tools/train.py` will run the + train process on the 0-th GPU. + 1. Use parameter `-s` to train the model on a subset of the first N samples of your training data to speed up + preprocessing for debugging. For example, run `python tools/train.py -s 1000` to train on the first 1000 samples. -* [`data/corpora_processed/val_processed_dialogs.txt`](data/corpora_processed/val_processed_dialogs.txt)(dummy example) - for the context sensitive dataset -* [`data/quality/context_free_validation_set.txt`](data/quality/context_free_validation_set.txt) - for the context-free validation dataset -* [`data/quality/context_free_questions.txt`](data/quality/context_free_questions.txt) - is used for generating responses for logging and computing distinct-metrics -* [`data/quality/context_free_test_set.txt`](data/quality/context_free_test_set.txt) - is used for computing metrics of the trained model, e.g. ranking metrics +Weights of the trained model are saved to `results/nn_models/`. -3. Set up training parameters in [`cakechat/config.py`](cakechat/config.py). +### Training the model from scratch + +1. Put your training text corpus to +[`data/corpora_processed/train_processed_dialogs.txt`](data/corpora_processed/train_processed_dialogs.txt). + +1. Set up training parameters in [`cakechat/config.py`](cakechat/config.py). See [configuration settings description](#important-configuration-settings) for more details. -4. Run `python tools/prepare_index_files.py` to build the index files with tokens and conditions from the training corpus. -5. Run `python tools/train.py`. Don't forget to set `USE_GPU=` environment variable (with GPU_ID as from **nvidia-smi**) if you want to use GPU. -Use `SLICE_TRAINSET=N` to train the model on a subset of the first N samples of your training data to speed up preprocessing for debugging. -6. You can also set `IS_DEV=1` to enable the "development mode". It uses a reduced number of model parameters (decreased hidden layer dimensions, input and output sizes of token sequences, etc.), performs verbose logging and disables Theano graph optimizations. Use this mode for debugging. -7. Weights of your model will be saved in `data/nn_models/`. -### Existing training datasets -You can train a dialog model on any text conversational dataset available to you. A great overview of existing conversational datasets can be found here: https://breakend.github.io/DialogDatasets/ +1. Consider running `PYTHONHASHSEED=42 python tools/prepare_index_files.py` to build the index files with tokens and +conditions from the training corpus. Make sure to set `PYTHONHASHSEED` environment variable, otherwise you may get +different index files for different launches of the script. +**Warning:** this script overwrites the original tokens index files `data/tokens_index/t_idx_processed_dialogs.json` and +`data/conditions_index/c_idx_processed_dialogs.json`. +You should only run this script in case your corpus is large enough to contain all the words that you want your model +to understand. Otherwise, consider fine-tuning the pre-trained model as described above. If you messed up with index +files and want to get the default versions, delete your copies and run `python tools/fetch.py` anew. + +1. Consider running `python tools/train_w2v.py` to build w2v embedding from the training corpus. +**Warning:** this script overwrites the original w2v weights that are stored in `data/w2v_models`. +You should only run this script in case your corpus is large enough to contain all the words that you want your model +to understand. Otherwise, consider fine-tuning the pre-trained model as described above. If you messed up with w2v +files and want to get the default version, delete your file copy and run `python tools/fetch.py` anew. + +1. Run `python tools/train.py`. + 1. Don't forget to set `CUDA_VISIBLE_DEVICES=` environment variable (with +as in output of **nvidia-smi** command) if you want to use GPU. For example `CUDA_VISIBLE_DEVICES=0 python tools/train.py` +will run the train process on the 0-th GPU. + 1. Use parameter `-s` to train the model on a subset of the first N samples of your training data to speed up +preprocessing for debugging. For example, run `python tools/train.py -s 1000` to train on the first 1000 samples. + +1. You can also set `IS_DEV=1` to enable the "development mode". It uses a reduced number of model parameters +(decreased hidden layer dimensions, input and output sizes of token sequences, etc.) and performs verbose logging. +Refer to the bottom lines of `cakechat/config.py` for the complete list of dev params. + +Weights of the trained model are saved to `results/nn_models/`. + +### Distributed train + +GPU-enabled docker container supports distributed train on multiple GPUs using [horovod](https://github.com/horovod/horovod). + +For example, run `python tools/distributed_train.py -g 0 1` to start training on 0 and 1 GPUs. -## Running the system +### Validation metrics calculation + +During training the following datasets are used for validations metrics calculation: + +* [`data/corpora_processed/val_processed_dialogs.txt`](data/corpora_processed/val_processed_dialogs.txt)(dummy example, replace with your data) – for the +context-sensitive dataset +* [`data/quality/context_free_validation_set.txt`](data/quality/context_free_validation_set.txt) – for the context-free +validation dataset +* [`data/quality/context_free_questions.txt`](data/quality/context_free_questions.txt) – is used for generating +responses for logging and computing distinct-metrics +* [`data/quality/context_free_test_set.txt`](data/quality/context_free_test_set.txt) – is used for computing metrics of +the trained model, e.g. ranking metrics + +The metrics are stored to `cakechat/results/tensorboard` and can be visualized using +[Tensorboard](https://www.tensorflow.org/guide/summaries_and_tensorboard). +If you run a docker container from the provided CPU or GPU-enabled docker image, tensorboard server should start +automatically and serve on `http://localhost:6006`. Open this link in your browser to see the training graphs. + +If you installed the requirements manually, start tensorboard server first by running the following command from your +cakechat root directory: + +``` +mkdir -p results/tensorboard && tensorboard --logdir=results/tensorboard 2>results/tensorboard/err.log & +``` + +After that proceed to `http://localhost:6006`. + + +### Testing the trained model + +You can run the following tools to evaluate your trained model on +[test data](data/corpora_processed/test_processed_dialogs.txt)(dummy example, replace with your data): + +* [`tools/quality/ranking_quality.py`](tools/quality/ranking_quality.py) – +computes ranking metrics of a dialog model +* [`tools/quality/prediction_distinctness.py`](tools/quality/prediction_distinctness.py) – +computes distinct-metrics of a dialog model +* [`tools/quality/condition_quality.py`](tools/quality/condition_quality.py) – +computes metrics on different subsets of data according to the condition value +* [`tools/generate_predictions.py`](tools/generate_predictions.py) – +evaluates the model. Generates predictions of a dialog model on the set of given dialog contexts and then computes +metrics. Note that you should have a reverse-model in the `data/nn_models` directory if you want to use "\*-reranking" +prediction modes +* [`tools/generate_predictions_for_condition.py`](tools/generate_predictions_for_condition.py) – +generates predictions for a given condition value + + +## Running CakeChat server ### Local HTTP-server -Run a server that processes HTTP-requests with given input messages (contexts) and returns response messages of the model: +Run a server that processes HTTP-requests with given input messages and returns response messages from the model: ```(bash) python bin/cakechat_server.py ``` -Specify `USE_GPU=` environment variable if you want to use a certain GPU. +Specify `CUDA_VISIBLE_DEVICES=` environment variable to run the server on a certain GPU. -Wait until the model is compiled. -**Don't forget to run [`tools/download_model.py`](tools/download_model.py) prior to running [`bin/cakechat_server.py`](bin/cakechat_server.py) if you want to start an API with our pre-trained model.** +Don't forget to run `python tools/fetch.py` prior to starting the server if you want to use our pre-trained model. -To make sure everything works fine, test the model on the following conversation: +To make sure everything works fine, test the model on the following conversation > – Hi, Eddie, what's up? > – Not much, what about you? > – Fine, thanks. Are you going to the movies tomorrow? +by running the command: ```(bash) python tools/test_api.py -f 127.0.0.1 -p 8080 \ @@ -223,6 +357,11 @@ python tools/test_api.py -f 127.0.0.1 -p 8080 \ -c "Fine, thanks. Are you going to the movies tomorrow?" ``` +You should get a meaningful answer, for example: +``` +{'response': "Of course!"} +``` + #### HTTP-server API description ##### /cakechat_api/v1/actions/get_response @@ -246,130 +385,144 @@ data: { ``` 200 OK { - 'response': 'I\'m fine!' + 'response': 'I\'m fine!' } ``` ### Gunicorn HTTP-server -We recommend to use [Gunicorn](http://gunicorn.org/) for serving the API of your model at a production scale. +We recommend using [Gunicorn](http://gunicorn.org/) for serving the API of your model at production scale. + +1. Install gunicorn: `pip install gunicorn` -Run a server that processes HTTP-queries with input messages and returns response messages of the model: +2. Run a server that processes HTTP-queries with input messages and returns response messages of the model: ```(bash) cd bin && gunicorn cakechat_server:app -w 1 -b 127.0.0.1:8080 --timeout 2000 ``` -You may need to install gunicorn from pip: `pip install gunicorn`. - ### Telegram bot -You can also test your model in a Telegram bot: -[create a telegram bot](https://core.telegram.org/bots#3-how-do-i-create-a-bot) and run +You can run your CakeChat model as a Telegram bot: -`python tools/telegram_bot.py --token ` +1. [Create a telegram bot](https://core.telegram.org/bots#3-how-do-i-create-a-bot) to get bot's token. +2. Run `python tools/telegram_bot.py --token ` and chat with it on Telegram. ## Repository overview -* `cakechat/dialog_model/` - contains computational graph, training procedure and other model utilities -* `cakechat/dialog_model/inference/` - algorithms for response generation -* `cakechat/dialog_model/quality/` - code for metrics calculation and logging -* `cakechat/utils/` - utilities for text processing, w2v training, etc. -* `cakechat/api/` - functions to run http server: API configuration, error handling -* `tools/` - scripts for training, testing and evaluating your model +* `cakechat/dialog_model/` – contains computational graph, training procedure and other model utilities +* `cakechat/dialog_model/inference/` – algorithms for response generation +* `cakechat/dialog_model/quality/` – code for metrics calculation and logging +* `cakechat/utils/` – utilities for text processing, w2v training, etc. +* `cakechat/api/` – functions to run http server: API configuration, error handling +* `tools/` – scripts for training, testing and evaluating your model ### Important tools -* [`bin/cakechat_server.py`](bin/cakechat_server.py) - -Runs an HTTP-server that returns response messages of the model given dialog contexts and an emotion. See [run section](#gunicorn-http-server) for details. -* [`tools/train.py`](tools/train.py) - -Trains the model on your data. You can specify the path to model's initialization weights via `--init_weights` argument. Also use the `--reverse` flag to train the model used in "\*-reranking" response generation algorithms for more accurate predictions. -* [`tools/prepare_index_files.py`](tools/prepare_index_files.py) - -Prepares index for the most commonly used tokens and conditions. Use this script before training the model. -* [`tools/quality/ranking_quality.py`](tools/quality/ranking_quality.py) - +* [`bin/cakechat_server.py`](bin/cakechat_server.py) – +Runs an HTTP-server that returns response messages of the model given dialog contexts and an emotion. +See [run section](#gunicorn-http-server) for details. +* [`tools/train.py`](tools/train.py) – +Trains the model on your data. You can use the `--reverse` option to train a reverse-model used in "\*-reranking" response +generation algorithms for more accurate predictions. +* [`tools/prepare_index_files.py`](tools/prepare_index_files.py) – +Prepares index for the most commonly used tokens and conditions. Use this script before training the model from scratch +on your own data. +* [`tools/quality/ranking_quality.py`](tools/quality/ranking_quality.py) – Computes ranking metrics of a dialog model. -* [`tools/quality/prediction_distinctness.py`](tools/quality/prediction_distinctness.py) - +* [`tools/quality/prediction_distinctness.py`](tools/quality/prediction_distinctness.py) – Computes distinct-metrics of a dialog model. -See the [features section](#network=architecture=and-features) for details about the metrics. -* [`tools/quality/condition_quality.py`](tools/quality/condition_quality.py) - -Computes metrics on different subsets of a data according to the condition value. -* [`tools/generate_predictions.py`](tools/generate_predictions.py) - -Evaluates the model. Generates predictions of a dialog model on the set of given dialog contexts and then computes metrics. -Note that you should have a reverse-model in the `data/nn_models` directory, if you want to use "\*-reranking" prediction modes. -* [`tools/generate_predictions_for_condition.py`](tools/generate_predictions_for_condition.py) - +* [`tools/quality/condition_quality.py`](tools/quality/condition_quality.py) – +Computes metrics on different subsets of data according to the condition value. +* [`tools/generate_predictions.py`](tools/generate_predictions.py) – +Evaluates the model. Generates predictions of a dialog model on the set of given dialog contexts and then computes +metrics. Note that you should have a reverse-model in the `results/nn_models` directory if you want to use "\*-reranking" +prediction modes. +* [`tools/generate_predictions_for_condition.py`](tools/generate_predictions_for_condition.py) – Generates predictions for a given condition value. -* [`tools/test_api.py`](tools/test_api.py) - +* [`tools/test_api.py`](tools/test_api.py) – Example code to send requests to a running HTTP-server. -* [`tools/download_model.py`](tools/download_model.py) - -Downloads the pre-trained model and index files associated with it. Also compiles the whole model once to create Theano cache. -* [`tools/telegram_bot.py`](tools/telegram_bot.py) - -Runs a Telegram bot that uses a trained model. +* [`tools/fetch.py`](tools/fetch.py) – +Downloads the pre-trained model and index files associated with it. +* [`tools/telegram_bot.py`](tools/telegram_bot.py) – +Runs Telegram bot on top of trained model. ### Important configuration settings -All the configuration parameters for the network architecture, training, predicting and logging steps are defined in [`cakechat/config.py`](cakechat/config.py). -Some inference parameters used in an HTTP-server are defined in [`cakechat/api/config.py`](cakechat/api/config.py). +All the configuration parameters for the network architecture, training, predicting and logging steps are defined in +[`cakechat/config.py`](cakechat/config.py). Some inference parameters used in an HTTP-server are defined in +[`cakechat/api/config.py`](cakechat/api/config.py). * Network architecture and size * `HIDDEN_LAYER_DIMENSION` is the main parameter that defines the number of hidden units in recurrent layers. * `WORD_EMBEDDING_DIMENSION` and `CONDITION_EMBEDDING_DIMENSION` define the number of hidden units that each token/condition are mapped into. - Together they sum up to the dimension of input vector passed to the encoder RNN. * Number of units of the output layer of the decoder is defined by the number of tokens in the dictionary in the - tokens_index directory. + `tokens_index` directory. * Decoding algorithm: * `PREDICTION_MODE_FOR_TESTS` defines how the responses of the model are generated. The options are the following: - - **sampling** – response is sampled from output distribution token-by-token. + - **sampling** – response is sampled from output distribution token-by-token. For every token the temperature transform is performed prior to sampling. You can control the temperature value by tuning `DEFAULT_TEMPERATURE` parameter. - **sampling-reranking** – multiple candidate-responses are generated using sampling procedure described above. - After that the candidates are ranked according to their MMI-score[\[3\]](#f3) + After that the candidates are ranked according to their MMI-score[\[4\]](#f4) You can tune this mode by picking `SAMPLES_NUM_FOR_RERANKING` and `MMI_REVERSE_MODEL_SCORE_WEIGHT` parameters. - - **beamsearch** – candidates are sampled using [beam search algorithm](https://en.wikipedia.org/wiki/Beam_search). + - **beamsearch** – candidates are sampled using + [beam search algorithm](https://en.wikipedia.org/wiki/Beam_search). The candidates are ordered according to their log-likelihood score computed by the beam search procedure. - - **beamsearch-reranking** – same as above, but the candidates are re-ordered after the generation in the same way as - in sampling-reranking mode. + - **beamsearch-reranking** – same as above, but the candidates are re-ordered after the generation in the same + way as in sampling-reranking mode. Note that there are other parameters that affect the response generation process. See `REPETITION_PENALIZE_COEFFICIENT`, `NON_PENALIZABLE_TOKENS`, `MAX_PREDICTIONS_LENGTH`. + ## Example use cases -By providing additional condition labels within a dataset entries, you can build the following models: -* [A Persona-Based Neural Conversation Model][5] — a model that allows to condition responses on a persona ID to make them lexically similar to the given persona's linguistic style. -* [Emotional Chatting Machine][4]-like model — a model that allows to condition responses on an emotion to provide emotional styles (anger, sadness, joy, etc). -* [Topic Aware Neural Response Generation][6]-like model — a model that allows to condition responses on a certain topic to keep the topic-aware conversation. +By providing additional condition labels within dataset entries, you can build the following models: +* [A Persona-Based Neural Conversation Model][5] — a model that allows to condition responses on a persona ID to make +them lexically similar to the given persona's linguistic style. +* [Emotional Chatting Machine][4]-like model — a model that allows conditioning responses on different emotions to provide +emotional styles (anger, sadness, joy, etc). +* [Topic Aware Neural Response Generation][6]-like model — a model that allows to condition responses on a certain +topic to keep the topic-aware conversation. + +To make use of these extra conditions, please refer to the section [Training the model](#training-the-model). +Just set the "condition" field in the [training set](data/corpora_processed/train_processed_dialogs.txt) to one of the +following: **persona ID**, **emotion** or **topic** label, update the index files and start the training. -To make use of these extra conditions, please refer to the section [Training your own model](#training-your-own-model). Just set the "condition" field in the [training set](data/corpora_processed/train_processed_dialogs.txt) to one of the following: **persona ID**, **emotion** or **topic** label, update the index files and start the training. ## References -* \[1\] [A Neural Conversational Model][1] -* \[2\] [How NOT To Evaluate Your Dialogue System][2] -* \[3\] [A Diversity-Promoting Objective Function for Neural Conversation Models][3] -* \[4\] [Emotional Chatting Machine: Emotional Conversation Generation with Internal and External Memory][4] -* \[5\] [A Persona-Based Neural Conversation Model][5] +* \[1\] [A Persona-Based Neural Conversation Model][1] +* \[2\] [Emotional Chatting Machine: Emotional Conversation Generation with Internal and External Memory][2] +* \[3\] [A Hierarchical Recurrent Encoder-Decoder For Generative Context-Aware Query Suggestion][3] +* \[4\] [A Diversity-Promoting Objective Function for Neural Conversation Models][4] +* \[5\] [Quantitative Evaluation of User Simulation Techniques for Spoken Dialogue Systems][5] * \[6\] [Topic Aware Neural Response Generation][6] -* \[7\] [A Hierarchical Recurrent Encoder-Decoder For Generative Context-Aware Query Suggestion][7] -* \[8\] [Quantitative Evaluation of User Simulation Techniques for Spoken Dialogue Systems][8] - -[1]: https://arxiv.org/pdf/1506.05869.pdf -[2]: https://arxiv.org/pdf/1603.08023.pdf -[3]: https://arxiv.org/pdf/1510.03055.pdf -[4]: https://arxiv.org/pdf/1704.01074.pdf -[5]: https://arxiv.org/pdf/1603.06155.pdf + +[1]: https://arxiv.org/pdf/1603.06155.pdf +[2]: https://arxiv.org/pdf/1704.01074.pdf +[3]: https://arxiv.org/pdf/1507.02221.pdf +[4]: https://arxiv.org/pdf/1510.03055.pdf +[5]: http://mi.eng.cam.ac.uk/~sjy/papers/scgy05.pdf [6]: https://arxiv.org/pdf/1606.08340v2.pdf -[7]: https://arxiv.org/pdf/1507.02221.pdf -[8]: http://mi.eng.cam.ac.uk/~sjy/papers/scgy05.pdf ## Credits & Support -**CakeChat** is developed and maintained by the [Replika team](https://replika.ai): [Michael Khalman](https://github.com/mihaha), [Nikita Smetanin](https://github.com/nsmetanin), [Artem Sobolev](https://github.com/artsobolev), [Nicolas Ivanov](https://github.com/nicolas-ivanov), [Artem Rodichev](https://github.com/rodart) and [Denis Fedorenko](https://github.com/sadreamer). Demo by [Oleg Akbarov](https://github.com/olegakbarov), [Alexander Kuznetsov](https://github.com/alexkuz) and [Vladimir Chernosvitov](http://chernosvitov.com/). +**CakeChat** is developed and maintained by the [Replika team](https://replika.ai): + +[Nicolas Ivanov](https://github.com/nicolas-ivanov), [Michael Khalman](https://github.com/mihaha), +[Nikita Smetanin](https://github.com/nsmetanin), [Artem Rodichev](https://github.com/rodart) and +[Denis Fedorenko](https://github.com/sadreamer). + +Demo by [Oleg Akbarov](https://github.com/olegakbarov), [Alexander Kuznetsov](https://github.com/alexkuz) and +[Vladimir Chernosvitov](http://chernosvitov.com/). -All issues and feature requests can be tracked here - [GitHub Issues](https://github.com/lukalabs/cakechat/issues). +All issues and feature requests can be tracked here – [GitHub Issues](https://github.com/lukalabs/cakechat/issues). ## License -© 2018 Luka, Inc. Licensed under the Apache License, Version 2.0. See LICENSE file for more details. +© 2019 Luka, Inc. Licensed under the Apache License, Version 2.0. See LICENSE file for more details. diff --git a/bin/cakechat_server.py b/bin/cakechat_server.py index 2f28e28..7953f0d 100644 --- a/bin/cakechat_server.py +++ b/bin/cakechat_server.py @@ -3,9 +3,10 @@ sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) -from cakechat.utils.env import init_theano_env +from cakechat.utils.env import set_keras_tf_session -init_theano_env() +gpu_memory_fraction = os.environ.get('GPU_MEMORY_FRACTION', 0.1) +set_keras_tf_session(gpu_memory_fraction) from cakechat.api.v1.server import app diff --git a/cakechat/api/config.py b/cakechat/api/config.py index e301214..3ff6822 100644 --- a/cakechat/api/config.py +++ b/cakechat/api/config.py @@ -1,15 +1,15 @@ from cakechat.config import PREDICTION_MODES # Prediction mode used in API -PREDICTION_MODE = PREDICTION_MODES.sampling +PREDICTION_MODE = PREDICTION_MODES.sampling_reranking # In case of PREDICTION_MODES.{beamsearch, beamsearch-reranking, sampling-reranking} choose random non-offensive # response out of K best candidates proposed by the algorithm. -NUM_BEST_CANDIDATES_TO_PICK_FROM = 5 +NUM_BEST_CANDIDATES_TO_PICK_FROM = 3 # In case of PREDICTION_MODES.sampling generate samples one-by-one until a non-offensive sample occurs. This parameter # defines max number of samples will be generated until succeed. -SAMPLING_ATTEMPTS_NUM = 5 +SAMPLING_ATTEMPTS_NUM = 10 # Default response text in case we weren't able to produce appropriate response. -DEFAULT_RESPONSE = '' +DEFAULT_RESPONSE = '🙊' diff --git a/cakechat/api/response.py b/cakechat/api/response.py index 2c11ee9..3120988 100644 --- a/cakechat/api/response.py +++ b/cakechat/api/response.py @@ -1,30 +1,31 @@ import random -from six.moves import xrange, map - from cakechat.api.config import PREDICTION_MODE, NUM_BEST_CANDIDATES_TO_PICK_FROM, SAMPLING_ATTEMPTS_NUM, \ DEFAULT_RESPONSE from cakechat.config import INPUT_CONTEXT_SIZE, INPUT_SEQUENCE_LENGTH, PREDICTION_MODES -from cakechat.dialog_model.factory import get_trained_model +from cakechat.dialog_model.factory import get_trained_model, get_reverse_model from cakechat.dialog_model.inference import get_nn_responses, warmup_predictor from cakechat.dialog_model.model_utils import transform_contexts_to_token_ids, transform_conditions_to_ids -from cakechat.utils.offense_detector.config import OFFENSIVE_PHRASES_PATH from cakechat.utils.offense_detector import OffenseDetector -from cakechat.utils.text_processing import get_tokens_sequence, get_pretty_str_from_tokens_sequence +from cakechat.utils.offense_detector.config import OFFENSIVE_PHRASES_PATH +from cakechat.utils.text_processing import get_tokens_sequence, prettify_response _offense_detector = OffenseDetector(OFFENSIVE_PHRASES_PATH) -_cakechat_model = get_trained_model(fetch_from_s3=False) +_cakechat_model = get_trained_model(reverse_model=get_reverse_model(PREDICTION_MODE)) warmup_predictor(_cakechat_model, PREDICTION_MODE) +def _is_appropriate_response(response): + return response != '' and not _offense_detector.has_offensive_ngrams(response) + + def _get_non_offensive_response_using_fast_sampling(context_tokens_ids, condition_id): - for _ in xrange(SAMPLING_ATTEMPTS_NUM): + for _ in range(SAMPLING_ATTEMPTS_NUM): response = get_nn_responses( context_tokens_ids, _cakechat_model, PREDICTION_MODES.sampling, condition_ids=condition_id)[0][0] - tokenized_response = get_tokens_sequence(response) - if not _offense_detector.has_offensive_ngrams(tokenized_response): - return get_pretty_str_from_tokens_sequence(tokenized_response) + if _is_appropriate_response(response): + return prettify_response(response) return DEFAULT_RESPONSE @@ -37,14 +38,10 @@ def _get_non_offensive_response(context_tokens_ids, condition_id): output_candidates_num=NUM_BEST_CANDIDATES_TO_PICK_FROM, condition_ids=condition_id)[0] - tokenized_responses = [get_tokens_sequence(response) for response in responses] - non_offensive_tokenized_responses = [ - r for r in tokenized_responses if not _offense_detector.has_offensive_ngrams(r) - ] - - if non_offensive_tokenized_responses: - tokenized_response = random.choice(non_offensive_tokenized_responses) - return get_pretty_str_from_tokens_sequence(tokenized_response) + responses = list(filter(_is_appropriate_response, responses)) + if responses: + selected_response = random.choice(responses) + return prettify_response(selected_response) return DEFAULT_RESPONSE @@ -60,9 +57,7 @@ def get_response(dialog_context, emotion): context_tokens_ids = transform_contexts_to_token_ids(tokenized_dialog_contexts, _cakechat_model.token_to_index, INPUT_SEQUENCE_LENGTH, INPUT_CONTEXT_SIZE) - condition_ids_num = len(context_tokens_ids) - condition_ids = transform_conditions_to_ids([emotion] * condition_ids_num, _cakechat_model.condition_to_index, - condition_ids_num) + condition_ids = transform_conditions_to_ids([emotion], _cakechat_model.condition_to_index, n_dialogs=1) if PREDICTION_MODE == PREDICTION_MODES.sampling: # Different strategy here for better performance. return _get_non_offensive_response_using_fast_sampling(context_tokens_ids, condition_ids) diff --git a/cakechat/api/utils.py b/cakechat/api/utils.py index e654282..2244a17 100644 --- a/cakechat/api/utils.py +++ b/cakechat/api/utils.py @@ -1,5 +1,4 @@ from flask import jsonify -from six import text_type def get_api_error_response(message, code, logger): @@ -8,8 +7,7 @@ def get_api_error_response(message, code, logger): def _is_list_of_unicode_strings(data): - return bool(data and isinstance(data, (list, tuple)) and - all(isinstance(s, text_type) for s in data)) + return data and isinstance(data, (list, tuple)) and all(isinstance(s, str) for s in data) def parse_dataset_param(params, param_name, required=True): @@ -18,8 +16,8 @@ def parse_dataset_param(params, param_name, required=True): dataset = params[param_name] if not _is_list_of_unicode_strings(dataset): - raise ValueError('`%s` should be non-empty list of unicode strings' % param_name) + raise ValueError('`{}` should be non-empty list of unicode strings'.format(param_name)) if not all(dataset): - raise ValueError('`%s` should not contain empty strings' % param_name) + raise ValueError('`{}` should not contain empty strings'.format(param_name)) return dataset diff --git a/cakechat/api/v1/server.py b/cakechat/api/v1/server.py index 98294a4..4eb4047 100644 --- a/cakechat/api/v1/server.py +++ b/cakechat/api/v1/server.py @@ -4,7 +4,6 @@ from cakechat.api.utils import get_api_error_response, parse_dataset_param from cakechat.config import EMOTIONS_TYPES, DEFAULT_CONDITION from cakechat.utils.logger import get_logger -from cakechat.utils.profile import timer _logger = get_logger(__name__) @@ -12,29 +11,29 @@ @app.route('/cakechat_api/v1/actions/get_response', methods=['POST']) -@timer def get_model_response(): params = request.get_json() - _logger.info('request params: %s' % params) + _logger.info('request params: {}'.format(params)) try: dialog_context = parse_dataset_param(params, param_name='context') except KeyError as e: - return get_api_error_response('Malformed request, no "%s" param was found' % str(e), 400, _logger) + return get_api_error_response('Malformed request, no "{}" param was found'.format(e), 400, _logger) except ValueError as e: - return get_api_error_response('Malformed request: %s' % str(e), 400, _logger) + return get_api_error_response('Malformed request: {}'.format(e), 400, _logger) emotion = params.get('emotion', DEFAULT_CONDITION) if emotion not in EMOTIONS_TYPES: - return get_api_error_response('Malformed request, emotion param "%s" is not in emotion list %s' % - (emotion, list(EMOTIONS_TYPES)), 400, _logger) + return get_api_error_response( + 'Malformed request, emotion param "{}" is not in emotion list {}'.format(emotion, list(EMOTIONS_TYPES)), + 400, _logger) response = get_response(dialog_context, emotion) + _logger.info('Given response: "{}" for context: {}; emotion "{}"'.format(response, dialog_context, emotion)) - if not response: - _logger.error('No response for context: %s; emotion "%s"' % (dialog_context, emotion)) - return jsonify({}), 200 + return jsonify({'response': response}), 200 - _logger.info('Given response: "%s" for context: %s; emotion "%s"' % (response, dialog_context, emotion)) - return jsonify({'response': response}), 200 +@app.errorhandler(Exception) +def on_exception(exception): + return get_api_error_response('Can\'t process request: {}'.format(exception), 500, _logger) diff --git a/cakechat/config.py b/cakechat/config.py index a0410b9..811cbba 100644 --- a/cakechat/config.py +++ b/cakechat/config.py @@ -3,47 +3,52 @@ from cakechat.utils.data_structures import create_namedtuple_instance from cakechat.utils.env import is_dev_env +MODEL_NAME = 'cakechat_v2.0_keras_tf' + +INTX = 'uint16' # use unsigined 16-bits int representation for memory efficiency RANDOM_SEED = 42 # Fix the random seed to a certain value to make everything reproducible # AWS S3 params -S3_MODELS_BUCKET_NAME = 'cake-chat-data' # S3 bucket with all the data +S3_MODELS_BUCKET_NAME = 'cake-chat-data-v2' # S3 bucket with all the data S3_NN_MODEL_REMOTE_DIR = 'nn_models' # S3 remote directory with models itself S3_TOKENS_IDX_REMOTE_DIR = 'tokens_index' # S3 remote directory with tokens index S3_CONDITIONS_IDX_REMOTE_DIR = 'conditions_index' # S3 remote directory with conditions index S3_W2V_REMOTE_DIR = 'w2v_models' # S3 remote directory with pre-trained w2v models -# data params -DATA_DIR = os.path.join(os.path.dirname(os.path.dirname(__file__)), 'data') # Directory to store all the data -# e.g. datasets, models, indices -NN_MODELS_DIR = os.path.join(DATA_DIR, 'nn_models') # Path to a directory for saving and restoring dialog models -PROCESSED_CORPUS_DIR = os.path.join(DATA_DIR, 'corpora_processed') # Path to a processed corpora datasets -TOKEN_INDEX_DIR = os.path.join(DATA_DIR, 'tokens_index') # Path to a prepared tokens index file -CONDITION_IDS_INDEX_DIR = os.path.join(DATA_DIR, 'conditions_index') # Path to a prepared conditions index file +# train datasets +DATA_PATH = os.path.join(os.path.dirname(os.path.dirname(__file__)), 'data') +PROCESSED_CORPUS_DIR = os.path.join(DATA_PATH, 'corpora_processed') +TOKEN_INDEX_DIR = os.path.join(DATA_PATH, 'tokens_index') # Path to prepared tokens index directory +CONDITION_IDS_INDEX_DIR = os.path.join(DATA_PATH, 'conditions_index') # Path to prepared conditions index directory # train & val data params BASE_CORPUS_NAME = 'processed_dialogs' # Basic corpus name prefix -TRAIN_CORPUS_NAME = 'train_' + BASE_CORPUS_NAME # Corpus name prefix for the training dataset -CONTEXT_SENSITIVE_VAL_CORPUS_NAME = 'val_' + BASE_CORPUS_NAME # Corpus name prefix for the validation dataset - +TRAIN_CORPUS_NAME = 'train_' + BASE_CORPUS_NAME # Training dataset filename prefix +CONTEXT_SENSITIVE_VAL_CORPUS_NAME = 'val_' + BASE_CORPUS_NAME # Validation dataset filename prefix for intermediate +CONTEXT_SENSITIVE_TEST_CORPUS_NAME = 'test_' + BASE_CORPUS_NAME # Testing dataset for final metrics calculation MAX_VAL_LINES_NUM = 10000 # Max lines number from validation set to be used for metrics calculation -VAL_SUBSET_SIZE = 250 # Subset from the validation dataset to be used to calculated some validation metrics -TRAIN_SUBSET_SIZE = int(os.environ['SLICE_TRAINSET']) if 'SLICE_TRAINSET' in os.environ else None # Subset from the -# training dataset to be used during the training. In case of None use all lines in the train dataset (default behavior) -# test data paths -TEST_DATA_DIR = os.path.join(os.path.dirname(os.path.dirname(__file__)), 'data', 'quality') +# test datasets +TEST_DATA_DIR = os.path.join(DATA_PATH, 'quality') CONTEXT_FREE_VAL_CORPUS_NAME = 'context_free_validation_set' # Context-free validation set path TEST_CORPUS_NAME = 'context_free_test_set' # Context-free test set path QUESTIONS_CORPUS_NAME = 'context_free_questions' # Context-free questions only path +# directory to store model wights and calcualted metrics +RESULTS_PATH = os.path.join(os.path.dirname(os.path.dirname(__file__)), 'results') # Directory to store training results +TENSORBOARD_LOG_DIR = os.path.join(RESULTS_PATH, 'tensorboard') # Path to tensorboard logs directory + # word embeddings params USE_PRETRAINED_W2V_EMBEDDINGS_LAYER = True # Whether to use word2vec to pre-train weights for the embedding layer TRAIN_WORD_EMBEDDINGS_LAYER = True # Allow fine-tuning of the word embedding layer during the model training -W2V_MODEL_DIR = os.path.join(DATA_DIR, 'w2v_models') # Path to store & load trained word2vec models +W2V_MODEL_DIR = os.path.join(DATA_PATH, 'w2v_models') # Path to store & load trained word2vec models WORD_EMBEDDING_DIMENSION = 128 # word2vec embedding dimension W2V_WINDOW_SIZE = 10 # word2vec window size, used during the w2v pre-training USE_SKIP_GRAM = True # Use skip-gram word2vec mode. When False, CBOW is used +TOKEN_REPRESENTATION_SIZE = 256 MIN_WORD_FREQ = 1 # Minimum frequency of a word to be used in word2vec pre-calculation +VOCABULARY_MAX_SIZE = 50000 # Maximum vocabulary size in tokens +MAX_CONDITIONS_NUM = 5 # Maximum conditions num # condition inputs. We use five major emotions to condition our model's predictions EMOTIONS_TYPES = create_namedtuple_instance( @@ -52,23 +57,25 @@ CONDITION_EMBEDDING_DIMENSION = 128 # Conditions embedding layer dimension to be trained. # NN architecture params -ENCODER_DEPTH = 2 # Number of recurrent (GRU) layers for the encoder -DECODER_DEPTH = 2 # Number of recurrent (GRU) layers for the decoder -HIDDEN_LAYER_DIMENSION = 512 # Dimension for the recurrent layer +HIDDEN_LAYER_DIMENSION = 768 # Dimension for the recurrent layer DENSE_DROPOUT_RATIO = 0.2 # Use dropout with the given ratio before decoder's output +USE_CUDNN = bool(os.environ.get('CUDA_VISIBLE_DEVICES')) # True by default for GPU-enable machines (provides ~25% inference +# speed up) and False on CPU-only machines since they does not support CuDNN # training params +EPOCHS_NUM = 2 # Total epochs num +BATCH_SIZE = 196 # Number of samples to be used for gradient estimation on each train step. In case of using multiple +# GPUs for train, each worker will have this number of samples on each step. +SHUFFLE_TRAINING_BATCHES = True # Shuffle training batches in the dataset each epoch + INPUT_SEQUENCE_LENGTH = 30 # Input sequence length for the model during the training; INPUT_CONTEXT_SIZE = 3 # Maximum depth of the conversational history to be used in encoder (at least 1) OUTPUT_SEQUENCE_LENGTH = 32 # Output sequence length. Better to keep as INPUT_SEQUENCE_LENGTH+2 for start/end tokens -BATCH_SIZE = 192 # Default batch size which fits into 8GB of GPU memory -SHUFFLE_TRAINING_BATCHES = True # Shuffle training batches in the dataset each epoch -EPOCHS_NUM = 100 # Total epochs num -GRAD_CLIP = 5.0 # Gradient clipping passed into theano.gradient.grad_clip() -LEARNING_RATE = 1.0 # Learning rate for the chosen optimizer (currently using Adadelta, see model.py) -# model params -NN_MODEL_PREFIX = 'cakechat_v1.3' # Specify prefix to be prepended to model's name +GRAD_CLIP = 5.0 # Gradient clipping param passed to optimizer +LEARNING_RATE = 6.0 # Learning rate for Adadelta optimzer +LOG_RUN_METADATA = False # Set 'True' to profile memory consumption and computation time on tensorboard +AUTOENCODER_MODE = False # Set 'True' to switch seq2seq (x -> y) into autoencoder (x -> x). Used for debugging # predictions params MAX_PREDICTIONS_LENGTH = 40 # Max. number of tokens which can be generated on the prediction step @@ -90,35 +97,55 @@ DEFAULT_TEMPERATURE = 0.5 # Default softmax temperature used for sampling # Options for beamsearch and sampling-reranking: -BEAM_SIZE = 20 # Size of the beam (beamsearch only) -SAMPLES_NUM_FOR_RERANKING = 20 # Number of samples used in reranking (sampling-reranking only) +BEAM_SIZE = 10 # Size of the beam (beamsearch only) +SAMPLES_NUM_FOR_RERANKING = 10 # Number of samples used in reranking (sampling-reranking only) MMI_REVERSE_MODEL_SCORE_WEIGHT = 1.0 # Weight for MMI reranking reverse-model score, see the paper: # 0.0 - scoring is performing using completely the default model, 1.0 - using completely the reverse model # Logging params -LOG_CANDIDATES_NUM = 10 # Number of candidates to be printed to output during the logging +LOG_CANDIDATES_NUM = 3 # Number of candidates to be printed to output during the logging SCREEN_LOG_NUM_TEST_LINES = 10 # Number of first test lines to use when logging outputs on screen -SCREEN_LOG_FREQUENCY_PER_BATCHES = 500 # How many batches to train until next logging of output on screen -LOG_TO_TB_FREQUENCY_PER_BATCHES = 500 # How many batches to train until next metrics computed for TensorBoard -LOG_TO_FILE_FREQUENCY_PER_BATCHES = 2500 # How many batches to train until next logging of all the output into file -SAVE_MODEL_FREQUENCY_PER_BATCHES = 2500 # How many batches to train until next logging of all the output into file -AVG_LOSS_DECAY = 0.99 # Decay for the averaging the loss +EVAL_STATE_PER_BATCHES = 500 # How many batches to train until next metrics computed for TensorBoard -# Use reduced sizes for input/output sequences, hidden layers and datasets sizes for the 'Developer Mode' +# Use reduced params values for development if is_dev_env(): - INPUT_SEQUENCE_LENGTH = 7 - OUTPUT_SEQUENCE_LENGTH = 9 - MAX_PREDICTIONS_LENGTH = 5 - BATCH_SIZE = 128 - HIDDEN_LAYER_DIMENSION = 7 - SCREEN_LOG_FREQUENCY_PER_BATCHES = 2 - LOG_TO_TB_FREQUENCY_PER_BATCHES = 3 - LOG_TO_FILE_FREQUENCY_PER_BATCHES = 4 - SAVE_MODEL_FREQUENCY_PER_BATCHES = 4 - WORD_EMBEDDING_DIMENSION = 15 - SAMPLES_NUM_FOR_RERANKING = BEAM_SIZE = 5 + # train & val data params + MAX_VAL_LINES_NUM = 10 + + # word embeddings params + USE_PRETRAINED_W2V_EMBEDDINGS_LAYER = True + TRAIN_WORD_EMBEDDINGS_LAYER = True + WORD_EMBEDDING_DIMENSION = 64 + VOCABULARY_MAX_SIZE = 1000 + MAX_CONDITIONS_NUM = 5 + + # condition inputs + CONDITION_EMBEDDING_DIMENSION = 1 + + # NN architecture params + HIDDEN_LAYER_DIMENSION = 128 + DENSE_DROPOUT_RATIO = 0.2 + USE_CUDNN = False + + # training params + INPUT_SEQUENCE_LENGTH = 3 + INPUT_CONTEXT_SIZE = 1 + OUTPUT_SEQUENCE_LENGTH = 5 + BATCH_SIZE = 4 + SHUFFLE_TRAINING_BATCHES = False + EPOCHS_NUM = 4 + LEARNING_RATE = 1.0 + LOG_RUN_METADATA = False + AUTOENCODER_MODE = False + + # predictions params + MAX_PREDICTIONS_LENGTH = 4 + + # options for beamsearch and sampling-reranking: + SAMPLES_NUM_FOR_RERANKING = 5 + BEAM_SIZE = 5 + + # logging params LOG_CANDIDATES_NUM = 3 - USE_PRETRAINED_W2V_EMBEDDINGS_LAYER = False - VAL_SUBSET_SIZE = 100 - MAX_VAL_LINES_NUM = 100 - TRAIN_SUBSET_SIZE = 10000 + SCREEN_LOG_NUM_TEST_LINES = 4 + EVAL_STATE_PER_BATCHES = 5 diff --git a/cakechat/dialog_model/abstract_callbacks.py b/cakechat/dialog_model/abstract_callbacks.py new file mode 100644 index 0000000..50965ce --- /dev/null +++ b/cakechat/dialog_model/abstract_callbacks.py @@ -0,0 +1,137 @@ +""" +Essentials for using training callbacks together with AbstractKerasModel. + +TL;DR +1. If you are implementing your own callback, please inherit it from `AbstractKerasModelCallback`. +2. If you are using a stock (keras) callback, please wrap it with `ParametrizedCallback` +""" +import abc + +import keras + + +class _KerasCallbackAdapter(keras.callbacks.Callback): + """ + Class that adapts `AbstractKerasModelCallback`-based callback to the native keras one. Not assumed to be used + directly in the client code. + """ + + def __init__(self, callback): + """ + :param callback: instance of `AbstractKerasModelCallback` + """ + super(_KerasCallbackAdapter, self).__init__() + self.__callback = callback + + def on_epoch_begin(self, epoch, logs=None): + return self.__callback.on_epoch_begin(epoch, logs) + + def on_epoch_end(self, epoch, logs=None): + return self.__callback.on_epoch_end(epoch, logs) + + def on_batch_begin(self, batch, logs=None): + return self.__callback.on_batch_begin(batch, logs) + + def on_batch_end(self, batch, logs=None): + return self.__callback.on_batch_end(batch, logs) + + def on_train_begin(self, logs=None): + return self.__callback.on_train_begin(logs) + + def on_train_end(self, logs=None): + return self.__callback.on_train_end(logs) + + +class _AbstractCallback(object, metaclass=abc.ABCMeta): + """ + Common interface for training callbacks used with AbstractKerasModel models + """ + + @property + @abc.abstractmethod + def callback_params(self): + """ + :return dict of params that affect the resulting model + """ + pass + + @property + @abc.abstractmethod + def runs_only_on_main_worker(self): + """ + :return True, if this callback runs only on main worker (in case of distributed training), False otherwise + """ + pass + + +class AbstractKerasModelCallback(_AbstractCallback, metaclass=abc.ABCMeta): + """ + Base callback class that is compatible with `AbstractKerasModel` (so it can be used within keras via + `_KerasCallbackAdapter`). If you are implementing your own callback that utilizes `AbstractKerasModel`, please + inherit from this class and not from `keras.callbacks.Callback` in order to isolate your callback's variables and + methods from the ones that belong to `keras.callbacks.Callback`. + See `EvaluateAndSaveBestIntermediateModelCallback` as an example. + """ + + def __init__(self, model): + """ + :param model: instance of `AbstractKerasModel` + """ + super(AbstractKerasModelCallback, self).__init__() + self._model = model + + def on_epoch_begin(self, epoch, logs=None): + pass + + def on_epoch_end(self, epoch, logs=None): + pass + + def on_batch_begin(self, batch, logs=None): + pass + + def on_batch_end(self, batch, logs=None): + pass + + def on_train_begin(self, logs=None): + pass + + def on_train_end(self, logs=None): + pass + + +class ParametrizedCallback(_AbstractCallback): + """ + Provides `_AbstractCallback` interface for arbitrary callback object. + If you are going to use one of the stock keras callbacks, please choose one of the following options: + 1. Use this class to instantiate a AbstractKerasModel-friendly callback object. Specify `callback_params` if the callback + affects the resulting model by some parameters + 2. Create class (ParametrizedCallback) and pass the original callback object, as well as + `callback_params` if the callback affects the resulting model. Recommended, if you are going to publish your + callback in the repository. + See `AbstractKerasModel#_create_essential_callbacks` as an example. + """ + + def __init__(self, callback, runs_only_on_main_worker, callback_params=None): + """ + :param callback: arbitrary callback object (e.g. instance of `keras.callbacks.Callback`) + :param runs_only_on_main_worker: True, if this callback runs only on main worker (in case of distributed + training), False otherwise + :param callback_params: dict of params that affect the resulting model + :return: + """ + super(ParametrizedCallback, self).__init__() + self._callback = callback + self._callback_params = callback_params or {} + self._runs_only_on_main_worker = runs_only_on_main_worker + + @property + def callback_params(self): + return self._callback_params + + @property + def runs_only_on_main_worker(self): + return self._runs_only_on_main_worker + + @property + def callback(self): + return self._callback diff --git a/cakechat/dialog_model/abstract_model.py b/cakechat/dialog_model/abstract_model.py new file mode 100644 index 0000000..9fe0261 --- /dev/null +++ b/cakechat/dialog_model/abstract_model.py @@ -0,0 +1,141 @@ +import abc +import hashlib +import json +import os + +from cakechat.dialog_model.quality.metrics.utils import MetricsSerializer +from cakechat.utils.files_utils import DummyFileResolver +from cakechat.utils.logger import WithLogger + + +class AbstractModel(WithLogger, metaclass=abc.ABCMeta): + # Model resources default values + _MODEL_RESOURCE_NAME = 'model' + _METRICS_RESOURCE_NAME = 'metrics' + + def __init__(self, model_resolver_factory=None, metrics_serializer=None): + """ + :param model_resolver_factory: a factory of `cakechat.utils.files_utils.AbstractFileResolver` that + takes model path and returns a file resolver object + :param metrics_serializer: an instance compatible with the interface of + `cakechat.dialog_model.quality.metrics.utils.MetricsSerializer` + :return: + """ + super(AbstractModel, self).__init__() + + self._model = None + self.__model_resolver_factory = model_resolver_factory if model_resolver_factory else DummyFileResolver + + self._model_init_path = None + + self._metrics = None + self._metrics_serializer = metrics_serializer if metrics_serializer else MetricsSerializer() + + @property + def model(self): + return self._model + + @property + def metrics(self): + return self._metrics + + @property + def _model_params_str(self): + return json.dumps(self.model_params, sort_keys=True) + + @property + def model_id(self): + if not hasattr(self, '__uniq_id'): + self.__uniq_id = hashlib.md5(self._model_params_str.encode()).hexdigest() + + # it's enough to use only the first 12 characters of the hash to avoid collisions + # see: http://stackoverflow.com/a/18134919 + short_id = self.__uniq_id[:12] + return '{}_{}'.format(self.model_name, short_id) + + @property + def model_path(self): + return os.path.join(self._model_dir, self.model_id) + + @property + def _model_resource_path(self): + return os.path.join(self.model_path, self._MODEL_RESOURCE_NAME) + + @property + def _metrics_resource_path(self): + return os.path.join(self.model_path, self._METRICS_RESOURCE_NAME) + + @property + @abc.abstractmethod + def model_name(self): + """ + Returns human-readable model name + + :return: + """ + pass + + @property + @abc.abstractmethod + def model_params(self): + """ + Returns a dict with model params. Note that these params are used to compute a unique model id, so they should + reflect the full model state (including the data (or its id) on which the model is trained/validated). + + :return: + """ + pass + + @property + @abc.abstractmethod + def _model_dir(self): + pass + + @abc.abstractmethod + def train_model(self, *args, **kwargs): + """ + Trains the model. Put just for method name unification + + :param args: + :param kwargs: + :return: + """ + pass + + @abc.abstractmethod + def _load_model(self, fresh_model, model_resource_path): + """ + Fills given fresh_model by parameters stored in model_resource_path + + :param fresh_model: model object + :param model_resource_path: + :return: loaded model + """ + pass + + @abc.abstractmethod + def _save_model(self, model_resource_path): + pass + + @abc.abstractmethod + def _evaluate(self): + """ + Evaluates model on validation set/sets + + :return: { dataset_name : { metric_name : metric_value } } + """ + pass + + def resolve_model(self): + self._logger.info('Looking for the previously trained model') + self._logger.info('Model params str: {}'.format(self._model_params_str)) + model_path = self._model_init_path or self._model_resource_path + + if not self._model_init_path and not self.__model_resolver_factory(self.model_path).resolve(): + err_msg = 'Can\'t find previously trained model in {}'.format(self.model_path) + self._logger.error(err_msg) + raise ValueError(err_msg) + + self._logger.info('Loading previously calculated model') + self._model = self._load_model(self._model, model_path) + self._logger.info('Loaded model: {}'.format(model_path)) diff --git a/cakechat/dialog_model/callbacks.py b/cakechat/dialog_model/callbacks.py new file mode 100644 index 0000000..a822700 --- /dev/null +++ b/cakechat/dialog_model/callbacks.py @@ -0,0 +1,112 @@ +import time + +from cakechat.config import SCREEN_LOG_NUM_TEST_LINES, PREDICTION_MODE_FOR_TESTS, LOG_CANDIDATES_NUM, LOG_RUN_METADATA, \ + EVAL_STATE_PER_BATCHES +from cakechat.dialog_model.inference import get_nn_responses +from cakechat.dialog_model.keras_model import EvaluateAndSaveBestIntermediateModelCallback +from cakechat.dialog_model.model_utils import transform_context_token_ids_to_sentences +from cakechat.utils.dataset_loader import load_questions_set +from cakechat.utils.logger import laconic_logger + + +class CakeChatEvaluatorCallback(EvaluateAndSaveBestIntermediateModelCallback): + def __init__(self, + model, + index_to_token, + batch_size, + batches_num_per_epoch, + eval_state_per_batches=EVAL_STATE_PER_BATCHES, + prediction_mode_for_tests=PREDICTION_MODE_FOR_TESTS, + log_run_metadata=LOG_RUN_METADATA, + screen_log_num_test_lines=SCREEN_LOG_NUM_TEST_LINES, + log_candidates_num=LOG_CANDIDATES_NUM): + """ + :param model: CakeChatModel object + :param eval_state_per_batches: run model evaluation each `eval_state_per_batches` steps + """ + super(CakeChatEvaluatorCallback, self).__init__(model, eval_state_per_batches) + + self._index_to_token = index_to_token + self._token_to_index = {v: k for k, v in index_to_token.items()} + + self._val_contexts_tokens_ids = load_questions_set(self._token_to_index).x[:screen_log_num_test_lines] + self._val_contexts = \ + transform_context_token_ids_to_sentences(self._val_contexts_tokens_ids, self._index_to_token) + + self._batch_size = batch_size + self._batches_num = batches_num_per_epoch + + self._cur_batch_id = 0 + self._cur_loss = 0 + + self._batch_start_time = None + self._total_training_time = 0 + + # logging params + self._prediction_mode_for_tests = prediction_mode_for_tests + self._log_run_metadata = log_run_metadata + self._log_candidates_num = log_candidates_num + + def on_batch_begin(self, batch, logs=None): + self._batch_start_time = time.time() + + def on_batch_end(self, batch, logs=None): + self._total_training_time += time.time() - self._batch_start_time + + if batch % self._eval_state_per_batches == 0: + self._cur_loss = logs.get('loss') + self._log_train_statistics() + self._log_sample_answers() + self._eval_and_save_current_model(batch) + self._log_metrics({'train': {'loss': self._cur_loss}}) + + if self._log_run_metadata: + self._model.metrics_plotter.log_run_metadata(self._model.model_id, self._model.run_metadata) + self._logger.info('Logged run_metadata to tensorboard') + + self._cur_batch_id += 1 + + def _log_train_statistics(self): + total_time = time.time() - self._training_start_time + + progress = self._cur_batch_id / self._batches_num # may be more than 100% if epochs num is more than 1 + avr_time_per_batch = total_time / (self._cur_batch_id + 1) + expected_time_per_epoch = avr_time_per_batch * self._batches_num + total_training_time_in_percent = self._total_training_time / total_time + + batches_per_sec = self._cur_batch_id / total_time + samples_per_sec = self._cur_batch_id * self._batch_size / total_time + + self._logger.info('Train statistics:\n') + + laconic_logger.info('batch:\t{batch_id} / {batches_num} ({progress:.1%})'.format( + batch_id=self._cur_batch_id, batches_num=self._batches_num, progress=progress)) + + laconic_logger.info('loss:\t{loss:.2f}'.format(loss=self._cur_loss)) + + laconic_logger.info('time:\tepoch estimate {epoch_time:.2f} h | total {total_time:.2f} h | ' + 'train {training_time:.2f} h ({training_time_percent:.1%})'.format( + epoch_time=expected_time_per_epoch / 3600, # in hours + total_time=total_time / 3600, # in hours + training_time=self._total_training_time / 3600, # in hours + training_time_percent=total_training_time_in_percent)) + + laconic_logger.info('speed:\t{batches_per_hour:.0f} batches/h, {samples_per_sec:.0f} samples/sec\n'.format( + batches_per_hour=batches_per_sec * 3600, samples_per_sec=samples_per_sec)) + + def _log_sample_answers(self): + self._logger.info('Sample responses for {} mode:'.format(self._prediction_mode_for_tests)) + + responses = get_nn_responses( + self._val_contexts_tokens_ids, + self._model, + self._prediction_mode_for_tests, + output_candidates_num=self._log_candidates_num) + + for context, response_candidates in zip(self._val_contexts, responses): + laconic_logger.info('') # for better readability + + for i, response in enumerate(response_candidates): + laconic_logger.info('{0: <35}\t #{1: <2d} --> \t{2}'.format(context, i + 1, response)) + + laconic_logger.info('') # for better readability diff --git a/cakechat/dialog_model/factory.py b/cakechat/dialog_model/factory.py index cd2d2a1..0061dc7 100644 --- a/cakechat/dialog_model/factory.py +++ b/cakechat/dialog_model/factory.py @@ -3,23 +3,28 @@ from cachetools import cached from cakechat.config import BASE_CORPUS_NAME, S3_MODELS_BUCKET_NAME, S3_TOKENS_IDX_REMOTE_DIR, \ - S3_NN_MODEL_REMOTE_DIR, S3_CONDITIONS_IDX_REMOTE_DIR -from cakechat.dialog_model.model import get_nn_model -from cakechat.utils.s3 import S3FileResolver + S3_NN_MODEL_REMOTE_DIR, S3_CONDITIONS_IDX_REMOTE_DIR, PREDICTION_MODES, TRAIN_CORPUS_NAME, \ + USE_PRETRAINED_W2V_EMBEDDINGS_LAYER +from cakechat.dialog_model.inference_model import InferenceCakeChatModel +from cakechat.utils.data_types import ModelParam +from cakechat.utils.dataset_loader import get_validation_data_id, get_validation_sets_names from cakechat.utils.files_utils import FileNotFoundException +from cakechat.utils.s3 import S3FileResolver, get_s3_model_resolver from cakechat.utils.text_processing import get_index_to_token_path, load_index_to_item, get_index_to_condition_path +from cakechat.utils.w2v.model import get_w2v_model_id def _get_index_to_token(fetch_from_s3): index_to_token_path = get_index_to_token_path(BASE_CORPUS_NAME) + file_name = os.path.basename(index_to_token_path) if fetch_from_s3: tokens_idx_resolver = S3FileResolver(index_to_token_path, S3_MODELS_BUCKET_NAME, S3_TOKENS_IDX_REMOTE_DIR) if not tokens_idx_resolver.resolve(): - raise FileNotFoundException('Can\'t get index_to_token because file does not exist at S3') + raise FileNotFoundException('No such file on S3: {}'.format(file_name)) else: if not os.path.exists(index_to_token_path): - raise FileNotFoundException('Can\'t get index_to_token because file does not exist. ' - 'Run tools/download_model.py first to get all required files or construct it by yourself.') + raise FileNotFoundException('No such file: {}'.format(file_name) + + 'Run "python tools/fetch.py" first to get all necessary files.') return load_index_to_item(index_to_token_path) @@ -30,28 +35,49 @@ def _get_index_to_condition(fetch_from_s3): index_to_condition_resolver = S3FileResolver(index_to_condition_path, S3_MODELS_BUCKET_NAME, S3_CONDITIONS_IDX_REMOTE_DIR) if not index_to_condition_resolver.resolve(): - raise FileNotFoundException('Can\'t get index_to_condition because file does not exist at S3') + raise FileNotFoundException('Can\'t get index_to_condition because file does not exist on S3') else: if not os.path.exists(index_to_condition_path): raise FileNotFoundException('Can\'t get index_to_condition because file does not exist. ' - 'Run tools/download_model.py first to get all required files or construct it by yourself.') + 'Run tools/fetch.py first to get all required files or construct ' + 'it yourself.') return load_index_to_item(index_to_condition_path) @cached(cache={}) -def get_trained_model(reverse=False, fetch_from_s3=True): +def get_trained_model(is_reverse_model=False, reverse_model=None, fetch_from_s3=True): + """ + Get a trained model, direct or reverse. + :param is_reverse_model: boolean, if True, a reverse trained model will be returned to be used during inference + in direct model in *_reranking modes; if False, a direct trained model is returned + :param reverse_model: object of a reverse model to be used in direct model in *_reranking inference modes + :param fetch_from_s3: boolean, if True, download trained model from Amazon S3 if the the model is not found locally; + if False, the model presence will be checked only locally + :return: + """ if fetch_from_s3: - resolver_factory = S3FileResolver.init_resolver( - bucket_name=S3_MODELS_BUCKET_NAME, remote_dir=S3_NN_MODEL_REMOTE_DIR) + resolver_factory = get_s3_model_resolver(S3_MODELS_BUCKET_NAME, S3_NN_MODEL_REMOTE_DIR) else: resolver_factory = None - nn_model, model_exists = get_nn_model(index_to_token=_get_index_to_token(fetch_from_s3), - index_to_condition=_get_index_to_condition(fetch_from_s3), - resolver_factory=resolver_factory, - is_reverse_model=reverse) - if not model_exists: - raise FileNotFoundException('Can\'t get the pre-trained model. Run tools/download_model.py first ' - 'to get all required files or train it by yourself.') - return nn_model + w2v_model_id = get_w2v_model_id() if USE_PRETRAINED_W2V_EMBEDDINGS_LAYER else None + + model = InferenceCakeChatModel( + index_to_token=_get_index_to_token(fetch_from_s3), + index_to_condition=_get_index_to_condition(fetch_from_s3), + training_data_param=ModelParam(value=None, id=TRAIN_CORPUS_NAME), + validation_data_param=ModelParam(value=None, id=get_validation_data_id(get_validation_sets_names())), + w2v_model_param=ModelParam(value=None, id=w2v_model_id), + model_resolver=resolver_factory, + is_reverse_model=is_reverse_model, + reverse_model=reverse_model) + + model.init_model() + model.resolve_model() + return model + + +def get_reverse_model(prediction_mode): + reranking_modes = [PREDICTION_MODES.beamsearch_reranking, PREDICTION_MODES.sampling_reranking] + return get_trained_model(is_reverse_model=True) if prediction_mode in reranking_modes else None diff --git a/cakechat/dialog_model/inference/candidates/abstract_generator.py b/cakechat/dialog_model/inference/candidates/abstract_generator.py index 001b392..1ad485a 100644 --- a/cakechat/dialog_model/inference/candidates/abstract_generator.py +++ b/cakechat/dialog_model/inference/candidates/abstract_generator.py @@ -1,9 +1,7 @@ from abc import ABCMeta, abstractmethod -class AbstractCandidatesGenerator(object): - __metaclass__ = ABCMeta - +class AbstractCandidatesGenerator(object, metaclass=ABCMeta): @abstractmethod def generate_candidates(self, context_token_ids, condition_ids, output_seq_len): pass diff --git a/cakechat/dialog_model/inference/candidates/beamsearch.py b/cakechat/dialog_model/inference/candidates/beamsearch.py index 646841e..4c821f4 100644 --- a/cakechat/dialog_model/inference/candidates/beamsearch.py +++ b/cakechat/dialog_model/inference/candidates/beamsearch.py @@ -1,7 +1,9 @@ +from itertools import zip_longest + +import keras.backend as K import numpy as np -from six.moves import xrange, zip_longest -import theano +from cakechat.config import INTX from cakechat.dialog_model.inference.candidates.abstract_generator import AbstractCandidatesGenerator from cakechat.dialog_model.inference.service_tokens import ServiceTokensIDs from cakechat.dialog_model.inference.utils import get_next_token_log_prob_one_step, get_thought_vectors @@ -33,9 +35,9 @@ def _get_k_max_elements_indices_and_scores(vec, k, mask=None): def _init_hidden_states_and_candidates(self, output_seq_len): # This array will contain beam_size candidates, each of which output_seq_len long. - # dtype=np.int32, because this array stores ids of tokens which are integers. + # dtype=INTX, because this array stores ids of tokens which are integers. self._cur_candidates = np.full( - (self._beam_size, output_seq_len), self._service_tokens_ids.pad_token_id, dtype=np.int32) + (self._beam_size, output_seq_len), self._service_tokens_ids.pad_token_id, dtype=INTX) # First, fill in first token of each candidate self._cur_candidates[:, 0] = self._service_tokens_ids.start_token_id # and prepare an array for score of each candidate @@ -43,25 +45,25 @@ def _init_hidden_states_and_candidates(self, output_seq_len): # Finished candidates are going to be concatenated here. Each candidate will be of shape=(1, output_seq_len), # But now we have 0 candidates: that's why we need to initialize this array with shape=(0, output_seq_len) - self._finished_candidates = np.zeros((0, output_seq_len), dtype=np.int32) + self._finished_candidates = np.zeros((0, output_seq_len), dtype=INTX) # Same story here: 0 candidates so long => shape=0. - self._finished_candidates_scores = np.zeros(0, dtype=np.float32) + self._finished_candidates_scores = np.zeros(0, dtype=K.floatx()) # For each candidate in the beam, for each layer of the decoder we need hidden_states_dim numbers to store # this array self._hidden_states_batch = np.zeros( (self._beam_size, self._nn_model.decoder_depth, self._nn_model.hidden_layer_dim), - dtype=theano.config.floatX) # By default, numpy has dtype=np.float64, but this array is passed - # right into theano functions, so we need to have explicit type declaring here. + dtype=K.floatx()) # By default, numpy has dtype=np.float64, but this array is passed + # right into model's functions, so we need to have explicit type declaring here. def _compute_thought_vectors(self, context_token_ids): # thought_vector is (1 x thought_vector_dim); - # context_token_ids is (input_seq_len), but we need to make it 1 x input_seq_len, because theano functions + # context_token_ids is (input_seq_len), but we need to make it 1 x input_seq_len, because model's functions # require input_seq_len dimension to be the second one. thought_vector = get_thought_vectors(self._nn_model, context_token_ids[np.newaxis, :]) - # All theano functions process each sequence independently: every input sequence is matched to the corresponding - # output sequence. So if we want to have probability of all outputs given the save inputs, we need to repeat - # the input times. = beam_size here. + # All model's functions process each sequence independently: every input sequence is matched to the + # corresponding output sequence. So if we want to get probabilities of all outputs given the saved inputs, + # we need to repeat the input times. = beam_size here. self._thought_batch = np.repeat(thought_vector, self._beam_size, axis=0) def _update_next_candidates_and_hidden_states(self, token_idx, best_non_finished_candidates_indices, @@ -78,7 +80,7 @@ def _update_next_candidates_and_hidden_states(self, token_idx, best_non_finished # Separate arrays for the updated hidden states next_hidden_states_batch = np.zeros_like(self._hidden_states_batch) # and the candidates - next_step_candidates = np.full_like(self._cur_candidates, self._service_tokens_ids.pad_token_id, dtype=np.int32) + next_step_candidates = np.full_like(self._cur_candidates, self._service_tokens_ids.pad_token_id, dtype=INTX) for i, candidate_idx in enumerate(best_non_finished_candidates_indices): # expanded_beam_tokens contains the last token for each of the beam_size^2 candidates in the expanded beam. @@ -111,11 +113,11 @@ def _update_finished_candidates(self, token_idx, best_finished_candidates_indice # These are only finished candidates on the current step. We will further append this array to # self._finished_candidates - # dtype=np.int32, because this array stores ids of tokens which are integers. + # dtype=INTX, because this array stores ids of tokens which are integers. cur_finished_candidates = \ - np.full((n_finished_candidates, output_seq_len), self._service_tokens_ids.pad_token_id, dtype=np.int32) + np.full((n_finished_candidates, output_seq_len), self._service_tokens_ids.pad_token_id, dtype=INTX) - cur_finished_candidates_scores = np.full(n_finished_candidates, 0, dtype=np.float32) + cur_finished_candidates_scores = np.full(n_finished_candidates, 0, dtype=K.floatx()) for i, candidate_idx in enumerate(best_finished_candidates_indices): # expanded_beam_tokens contains the last token for each of the beam_size^2 candidates in the expanded beam # to get all the other tokens we need to get which original candidate this token in the expanded beam @@ -171,10 +173,10 @@ def _get_aggregated_scores_and_tokens_for_expanded_beam(self, next_token_score_b # Expanded beam is beam_size x beam_size candidates that we consider on the next step. # But we don't want to keep all the candidates themselves for better performance. So we just keep # the last token and the total score. - expanded_beam_scores = np.zeros((self._beam_size * self._beam_size), dtype=np.float32) - expanded_beam_tokens = np.zeros((self._beam_size * self._beam_size), dtype=np.int32) + expanded_beam_scores = np.zeros((self._beam_size * self._beam_size), dtype=K.floatx()) + expanded_beam_tokens = np.zeros((self._beam_size * self._beam_size), dtype=INTX) - for candidate_idx in xrange(self._beam_size): + for candidate_idx in range(self._beam_size): # Get beam_size candidates on each step next_token_candidates, next_token_scores = \ self._get_k_max_elements_indices_and_scores(next_token_score_batch[candidate_idx], self._beam_size) @@ -219,7 +221,7 @@ def _generate_candidates_for_one_context(self, condition_id, output_seq_len): self._cur_candidates[:, 1], self._cur_candidates_scores = self._get_k_max_elements_indices_and_scores( next_token_score_batch[0], self._beam_size) - for token_idx in xrange(2, output_seq_len): # Start from 2 because first token candidates are already filled. + for token_idx in range(2, output_seq_len): # Start from 2 because first token candidates are already filled. # This array has shape beam_size x vocab_size. We use this scores to select best tokens for the beam # on the next step. next_token_score_batch = self._compute_next_token_score_batch(token_idx, condition_id) diff --git a/cakechat/dialog_model/inference/candidates/sampling.py b/cakechat/dialog_model/inference/candidates/sampling.py index 01f7c22..11f343a 100644 --- a/cakechat/dialog_model/inference/candidates/sampling.py +++ b/cakechat/dialog_model/inference/candidates/sampling.py @@ -1,7 +1,7 @@ +import keras.backend as K import numpy as np -from six.moves import xrange -import theano +from cakechat.config import INTX from cakechat.dialog_model.inference.candidates.abstract_generator import AbstractCandidatesGenerator from cakechat.dialog_model.inference.service_tokens import ServiceTokensIDs from cakechat.dialog_model.inference.utils import get_next_token_prob_one_step, get_thought_vectors @@ -19,7 +19,7 @@ def __init__(self, batch_size, banned_tokens_ids, non_penalizable_tokens_ids, re self._batch_size = batch_size self._banned_tokens_ids = banned_tokens_ids self._non_penalizable_tokens_ids = non_penalizable_tokens_ids - self._used_tokens_ids = [[] for _ in xrange(batch_size)] + self._used_tokens_ids = [[] for _ in range(batch_size)] self._repetition_penalization_coefficient = repetition_penalization_coefficient def sample(self, probabilities, sample_idx, temperature=1.0): @@ -71,18 +71,17 @@ def _sample_response(self, thought_vectors, condition_ids, output_seq_len): # this array hidden_states_batch = np.zeros( (batch_size, self._nn_model.decoder_depth, self._nn_model.hidden_layer_dim), - dtype=theano.config.floatX) # By default, numpy has dtype=np.float64, but this array is passed - # right into theano functions, so we need to have explicit type declaring here. + dtype=K.floatx()) # By default, numpy has dtype=np.float64, but this array is passed + # right into model's functions, so we need to have explicit type declaring here. - response_tokens_ids = np.full( - (batch_size, output_seq_len), self._service_tokens_ids.pad_token_id, dtype=np.int32) + response_tokens_ids = np.full((batch_size, output_seq_len), self._service_tokens_ids.pad_token_id, dtype=INTX) # Track finished responses to skip prediction step for them is_response_finished = np.zeros(batch_size, dtype=np.bool) # Fill in first tokens of each response in the batch: response_tokens_ids[:, 0] = self._service_tokens_ids.start_token_id - for token_idx in xrange(1, output_seq_len): # Starting with the second token + for token_idx in range(1, output_seq_len): # Starting with the second token hidden_states_batch, next_token_probs_batch = \ get_next_token_prob_one_step(self._nn_model, thought_vectors, hidden_states_batch, response_tokens_ids[:, token_idx - 1], # previous token for each response @@ -116,7 +115,7 @@ def generate_candidates(self, context_tokens_ids, condition_ids, output_seq_len) """ thought_vectors = get_thought_vectors(self._nn_model, context_tokens_ids) sampled_candidates = [ - self._sample_response(thought_vectors, condition_ids, output_seq_len) for _ in xrange(self._samples_num) + self._sample_response(thought_vectors, condition_ids, output_seq_len) for _ in range(self._samples_num) ] # Transpose the result: candidate_id x batch_size x seq_len -> batch_size x candidate_id x seq_len diff --git a/cakechat/dialog_model/inference/factory.py b/cakechat/dialog_model/inference/factory.py index cef9526..e1b73a3 100644 --- a/cakechat/dialog_model/inference/factory.py +++ b/cakechat/dialog_model/inference/factory.py @@ -1,5 +1,4 @@ from cakechat.config import PREDICTION_MODES -from cakechat.dialog_model.factory import get_trained_model from cakechat.dialog_model.inference.candidates import BeamsearchCandidatesGenerator, SamplingCandidatesGenerator from cakechat.dialog_model.inference.predictor import Predictor from cakechat.dialog_model.inference.reranking import DummyReranker, MMIReranker @@ -28,8 +27,7 @@ def predictor_factory(nn_model, mode, config): if config['mmi_reverse_model_score_weight'] <= 0: raise ValueError('mmi_reverse_model_score_weight should be > 0 for reranking mode') - reverse_model = get_trained_model(reverse=True) - reranker = MMIReranker(nn_model, reverse_model, config['mmi_reverse_model_score_weight'], + reranker = MMIReranker(nn_model, nn_model.reverse_model, config['mmi_reverse_model_score_weight'], config['repetition_penalization_coefficient']) else: reranker = DummyReranker() diff --git a/cakechat/dialog_model/inference/predict.py b/cakechat/dialog_model/inference/predict.py index 64dcd86..3089e60 100644 --- a/cakechat/dialog_model/inference/predict.py +++ b/cakechat/dialog_model/inference/predict.py @@ -69,7 +69,7 @@ def get_nn_response_ids(context_token_ids, kwargs['samples_num'] = output_candidates_num prediction_config = PredictionConfig(mode, **kwargs) - _logger.debug('Generating predicted response for the following params: %s' % prediction_config) + _logger.debug('Generating predicted response for the following params: {}'.format(prediction_config)) predictor = predictor_factory(nn_model, mode, prediction_config.get_options_dict()) responses = predictor.predict_responses(context_token_ids, output_seq_len, condition_ids, output_candidates_num) @@ -98,12 +98,14 @@ def get_nn_responses(context_token_ids, :return: list of lists of strings, shape (contexts_num, output_candidates_num) """ - response_tokens_ids = get_nn_response_ids(context_token_ids, nn_model, mode, output_candidates_num, - output_seq_len, condition_ids, **kwargs) + response_tokens_ids = get_nn_response_ids(context_token_ids, nn_model, mode, output_candidates_num, output_seq_len, + condition_ids, **kwargs) # shape (contexts_num, output_candidates_num, output_seq_len), numpy array of integers - responses = [transform_token_ids_to_sentences(response_candidates_tokens_ids, nn_model.index_to_token) - for response_candidates_tokens_ids in response_tokens_ids] + responses = [ + transform_token_ids_to_sentences(response_candidates_tokens_ids, nn_model.index_to_token) + for response_candidates_tokens_ids in response_tokens_ids + ] # responses shape (contexts_num, output_candidates_num), list of lists of strings return responses diff --git a/cakechat/dialog_model/inference/predictor.py b/cakechat/dialog_model/inference/predictor.py index 4c054ca..c114af4 100644 --- a/cakechat/dialog_model/inference/predictor.py +++ b/cakechat/dialog_model/inference/predictor.py @@ -1,5 +1,6 @@ import numpy as np -from six.moves import xrange + +from cakechat.config import INTX class Predictor(object): @@ -18,9 +19,9 @@ def _select_best_candidates(reranked_candidates, candidates_num): # reranked_candidates is a list of lists (we need too keep it this way because we can have different number # of candidates for each context), so we can't just write reranked_candidates.shape[2] output_seq_len = reranked_candidates[0][0].size - result = np.zeros((batch_size, candidates_num, output_seq_len), dtype=np.int32) + result = np.zeros((batch_size, candidates_num, output_seq_len), dtype=INTX) # Loop here instead of slices because number of candidates for each context may vary here - for i in xrange(batch_size): + for i in range(batch_size): for j, candidate in enumerate(reranked_candidates[i]): if j >= candidates_num: break diff --git a/cakechat/dialog_model/inference/reranking.py b/cakechat/dialog_model/inference/reranking.py index ac02e6b..1b2eda4 100644 --- a/cakechat/dialog_model/inference/reranking.py +++ b/cakechat/dialog_model/inference/reranking.py @@ -1,7 +1,7 @@ from abc import ABCMeta, abstractmethod +from itertools import zip_longest import numpy as np -from six.moves import xrange, zip_longest from cakechat.dialog_model.inference.service_tokens import ServiceTokensIDs from cakechat.dialog_model.inference.utils import get_sequence_score_by_thought_vector, get_sequence_score, \ @@ -14,9 +14,7 @@ _logger = get_logger(__name__) -class AbstractCandidatesReranker(object): - __metaclass__ = ABCMeta - +class AbstractCandidatesReranker(object, metaclass=ABCMeta): @abstractmethod def rerank_candidates(self, contexts, all_candidates, condition_ids): pass @@ -104,6 +102,6 @@ def rerank_candidates(self, contexts, all_candidates, condition_ids): batch_size = len(contexts) # reranked_candidates[i][j] = j-th best response for i-th question reranked_candidates = [ - [all_candidates[i][j] for j in scores_order[i]] for i in xrange(batch_size) # yapf: disable + [all_candidates[i][j] for j in scores_order[i]] for i in range(batch_size) # yapf: disable ] return reranked_candidates diff --git a/cakechat/dialog_model/inference/tests/predict.py b/cakechat/dialog_model/inference/tests/predict.py index a6f2be1..37a6a21 100644 --- a/cakechat/dialog_model/inference/tests/predict.py +++ b/cakechat/dialog_model/inference/tests/predict.py @@ -2,20 +2,21 @@ import sys import unittest +import keras.backend as K import numpy as np -from six.moves import xrange sys.path.append( os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))))) -from cakechat.utils.env import init_theano_env +from cakechat.utils.env import init_cuda_env -init_theano_env() +init_cuda_env() from cakechat.dialog_model.factory import get_trained_model from cakechat.dialog_model.inference import get_sequence_log_probs from cakechat.dialog_model.inference.utils import get_next_token_log_prob_one_step -from cakechat.config import DECODER_DEPTH, HIDDEN_LAYER_DIMENSION, RANDOM_SEED +from cakechat.config import HIDDEN_LAYER_DIMENSION, RANDOM_SEED, INPUT_CONTEXT_SIZE, \ + INPUT_SEQUENCE_LENGTH, OUTPUT_SEQUENCE_LENGTH, INTX np.random.seed(seed=RANDOM_SEED) @@ -28,10 +29,11 @@ def _predict_log_probabilities_one_step(nn_model, x_batch, y_batch): All the rest of the sequence is filled with PAD_TOKENs. """ thought_vectors_batch = nn_model.get_thought_vectors(x_batch) - hidden_states_batch = np.zeros((x_batch.shape[0], DECODER_DEPTH, HIDDEN_LAYER_DIMENSION), dtype=np.float32) + hidden_states_batch = np.zeros( + (x_batch.shape[0], nn_model.decoder_depth, HIDDEN_LAYER_DIMENSION), dtype=K.floatx()) total_log_probs = np.zeros((y_batch.shape[0], y_batch.shape[1] - 1, nn_model.vocab_size)) - for token_idx in xrange(1, y_batch.shape[1]): + for token_idx in range(1, y_batch.shape[1]): hidden_states_batch, next_token_log_probs_batch = \ get_next_token_log_prob_one_step(nn_model, thought_vectors_batch, hidden_states_batch, y_batch[:, token_idx - 1], condition_ids=None) @@ -43,14 +45,15 @@ def _predict_log_probabilities_one_step(nn_model, x_batch, y_batch): def test_one_step_decoder(self): nn_model = get_trained_model() - _EPS = 1e-6 + _EPS = 1e-5 batch_size = 1 - context_size = 3 - input_seq_len = 10 - output_seq_len = 9 + # input batches shapes should correspond to the shapes of the trained model layers + context_size = INPUT_CONTEXT_SIZE + input_seq_len = INPUT_SEQUENCE_LENGTH + output_seq_len = OUTPUT_SEQUENCE_LENGTH - x = np.random.randint(0, nn_model.vocab_size, size=(batch_size, context_size, input_seq_len), dtype=np.int32) - y = np.random.randint(0, nn_model.vocab_size, size=(batch_size, output_seq_len), dtype=np.int32) + x = np.random.randint(0, nn_model.vocab_size, size=(batch_size, context_size, input_seq_len), dtype=INTX) + y = np.random.randint(0, nn_model.vocab_size, size=(batch_size, output_seq_len), dtype=INTX) ground_truth_log_probabilities = get_sequence_log_probs(nn_model, x, y, condition_ids=None) one_step_log_probabilities = self._predict_log_probabilities_one_step(nn_model, x, y) diff --git a/cakechat/dialog_model/inference/tests/sampling.py b/cakechat/dialog_model/inference/tests/sampling.py index cd5e360..6070e70 100644 --- a/cakechat/dialog_model/inference/tests/sampling.py +++ b/cakechat/dialog_model/inference/tests/sampling.py @@ -2,9 +2,9 @@ import sys import unittest +import keras.backend as K import numpy as np from scipy.stats import binom -from six.moves import xrange sys.path.append( os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))))) @@ -39,7 +39,7 @@ def test_sample_list(self): def test_sample_ndarray(self): # Error rate is p(token1) + p(token2) = conf_level / 2 + conf_level / 2 = conf_level - probs = np.array([_CONFIDENCE_LEVEL / 2, _CONFIDENCE_LEVEL / 2, 1 - _CONFIDENCE_LEVEL], dtype=np.float32) + probs = np.array([_CONFIDENCE_LEVEL / 2, _CONFIDENCE_LEVEL / 2, 1 - _CONFIDENCE_LEVEL], dtype=K.floatx()) token_sampler = TokenSampler( batch_size=1, @@ -61,7 +61,7 @@ def test_sample_probs(self): adjusted_confidence_level = _CONFIDENCE_LEVEL / len(probs) # bonferroni correction confidence_intervals = [binom.interval(1 - adjusted_confidence_level, _SAMPLES_NUM, p) for p in probs] est_probs_from, est_probs_to = zip(*confidence_intervals) - samples = np.array([token_sampler.sample(probs, 0) for _ in xrange(_SAMPLES_NUM)]) + samples = np.array([token_sampler.sample(probs, 0) for _ in range(_SAMPLES_NUM)]) counts = {val: np.sum(samples == val) for val in np.unique(samples)} for i, _ in enumerate(probs): @@ -69,7 +69,7 @@ def test_sample_probs(self): self.assertGreaterEqual(counts[i], est_probs_from[i]) def test_sample_with_zeros(self): - probs = np.array([1.0, 0, 0], dtype=np.float32) + probs = np.array([1.0, 0, 0], dtype=K.floatx()) token_sampler = TokenSampler( batch_size=1, @@ -84,7 +84,7 @@ def test_sample_banned_tokens(self): eps = _CONFIDENCE_LEVEL * 0.3 # Here we multiply the confidence level by 0.3 so that after removal of banned token and renormalization # the probability of an error remains equal to _CONFIDENCE_LEVEL value. - probs = np.array([0.7, 0.3 - eps, eps], dtype=np.float32) + probs = np.array([0.7, 0.3 - eps, eps], dtype=K.floatx()) token_sampler = TokenSampler( batch_size=1, @@ -97,7 +97,7 @@ def test_sample_banned_tokens(self): def test_sample_banned_tokens_2(self): eps = 1e-6 - probs = np.array([1.0 - eps, eps, 0], dtype=np.float32) + probs = np.array([1.0 - eps, eps, 0], dtype=K.floatx()) token_sampler = TokenSampler( batch_size=1, @@ -113,7 +113,7 @@ def test_repetition_penalization(self): probs = [0.5, 0.5] actual_num_nonequal_pairs = 0 - for _ in xrange(_SAMPLES_NUM): + for _ in range(_SAMPLES_NUM): token_sampler = TokenSampler( batch_size=1, banned_tokens_ids=[], diff --git a/cakechat/dialog_model/inference/utils.py b/cakechat/dialog_model/inference/utils.py index a4184cc..4d0e19c 100644 --- a/cakechat/dialog_model/inference/utils.py +++ b/cakechat/dialog_model/inference/utils.py @@ -1,7 +1,6 @@ import numpy as np -from six.moves import xrange -from cakechat.config import BATCH_SIZE, DEFAULT_CONDITION +from cakechat.config import BATCH_SIZE, DEFAULT_CONDITION, INTX from cakechat.dialog_model.model_utils import get_training_batch @@ -10,48 +9,48 @@ def _predict_batch_by_batch(predict_fn, batched_inputs, non_batched_inputs=None, Splits prediction for big dataset in order to save GPU memory. Equivalent to predict_fn(*batched_inputs + non_batched_inputs). - predict_fn: Compiled theano-function. + predict_fn: compiled keras predict function. batched_inputs: - Inputs that we split into batches. On each iteration, we only pass one batch of this data into theano function. + Inputs that we split into batches. On each iteration, we only pass one batch of this data into predict_fn. non_batched_inputs: Inputs that we do not split into batches. These inputs are the same for each call of predict_fn batch_size: int Size of each batch that we split our batched_inputs into num_ouputs: int, default=1 - Number of returned items of each theano function. + Number of items returned on each call of predict_fn. """ if non_batched_inputs is None: non_batched_inputs = [] - results = [[] for _ in xrange(num_outputs)] + results = [[] for _ in range(num_outputs)] for inputs_batch in get_training_batch(batched_inputs, batch_size): args = list(inputs_batch) + non_batched_inputs cur_result = predict_fn(*args) if num_outputs > 1: - for i in xrange(num_outputs): + for i in range(num_outputs): results[i].append(cur_result[i]) else: results[0].append(cur_result) if num_outputs > 1: - return tuple(np.concatenate(results[i]) for i in xrange(num_outputs)) + return tuple(np.concatenate(results[i]) for i in range(num_outputs)) else: return np.concatenate(results[0]) def _handle_condition_ids(condition_ids, condition_to_index, num_responses): """ - Returns condition_ids preprocessed to match theano shapes. + Returns condition_ids preprocessed to match the shape of responses batch. Specifically: If condition_ids is None it is replaced with default condition index repeated num_responses times. If condition_ids is an one index, it is repeated num_responses times. If condition_ids is an array, assert that the shape is right. """ if condition_ids is None: - return np.array([condition_to_index[DEFAULT_CONDITION]] * num_responses, dtype=np.int32) + return np.array([condition_to_index[DEFAULT_CONDITION]] * num_responses, dtype=INTX) - condition_ids = np.array(condition_ids, dtype=np.int32) + condition_ids = np.array(condition_ids, dtype=INTX) if len(condition_ids.shape) == 0: # If condition_ids is one number return np.repeat(condition_ids[np.newaxis], num_responses, axis=0) elif condition_ids.shape != (num_responses, ): @@ -69,7 +68,7 @@ def _predict_one_step(predict_fn, condition_ids=None, temperature=1.0): condition_ids = _handle_condition_ids(condition_ids, condition_to_index, thought_vectors.shape[0]) - # We need newaxis to match the expected shape of an argument passed to theano function + # We need newaxis to match the expected shape of an argument passed to predict_fn function prev_tokens_ids = prev_tokens_ids[:, np.newaxis] hidden_states, token_scores = \ diff --git a/cakechat/dialog_model/inference_model.py b/cakechat/dialog_model/inference_model.py new file mode 100644 index 0000000..11efb1a --- /dev/null +++ b/cakechat/dialog_model/inference_model.py @@ -0,0 +1,48 @@ +from cakechat.dialog_model.keras_model import KerasTFModelIsolator +from cakechat.dialog_model.model import CakeChatModel + + +class InferenceCakeChatModel(CakeChatModel, KerasTFModelIsolator): + """ + Inference-aimed extension of CakeChatModel, which supports isolation of underlying Keras (Tensorflow) model + to fit multi-model multi-threaded run-time environments + """ + + def __init__(self, + index_to_token, + index_to_condition, + training_data_param=None, + validation_data_param=None, + w2v_model_param=None, + model_init_path=None, + model_resolver=None, + is_reverse_model=False, + reverse_model=None): + KerasTFModelIsolator.__init__(self) + + self.init_model = self._isolate_func(self.init_model) + self.resolve_model = self._isolate_func(self.resolve_model) + self.print_weights_summary = self._isolate_func(self.print_weights_summary) + self.train_model = self._isolate_func(self.train_model) + + self.get_utterance_encoding = self._isolate_func(self.get_utterance_encoding) + self.get_thought_vectors = self._isolate_func(self.get_thought_vectors) + self.predict_prob = self._isolate_func(self.predict_prob) + self.predict_prob_by_thought_vector = self._isolate_func(self.predict_prob_by_thought_vector) + self.predict_prob_one_step = self._isolate_func(self.predict_prob_one_step) + self.predict_log_prob = self._isolate_func(self.predict_log_prob) + self.predict_log_prob_one_step = self._isolate_func(self.predict_log_prob_one_step) + self.predict_sequence_score = self._isolate_func(self.predict_sequence_score) + self.predict_sequence_score_by_thought_vector = self._isolate_func( + self.predict_sequence_score_by_thought_vector) + + super(InferenceCakeChatModel, self).__init__( + index_to_token=index_to_token, + index_to_condition=index_to_condition, + training_data_param=training_data_param, + validation_data_param=validation_data_param, + w2v_model_param=w2v_model_param, + model_init_path=model_init_path, + model_resolver=model_resolver, + is_reverse_model=is_reverse_model, + reverse_model=reverse_model) diff --git a/cakechat/dialog_model/keras_model.py b/cakechat/dialog_model/keras_model.py new file mode 100644 index 0000000..2cdf4da --- /dev/null +++ b/cakechat/dialog_model/keras_model.py @@ -0,0 +1,307 @@ +import abc +import os +import time +from datetime import timedelta + +from keras import backend as K + + +from cakechat.dialog_model.abstract_callbacks import AbstractKerasModelCallback, ParametrizedCallback, \ + _KerasCallbackAdapter +from cakechat.dialog_model.abstract_model import AbstractModel +from cakechat.dialog_model.quality.metrics.plotters import DummyMetricsPlotter +from cakechat.utils.env import is_main_horovod_worker, set_horovod_worker_random_seed +from cakechat.utils.files_utils import is_non_empty_file +from cakechat.utils.logger import WithLogger + + +class KerasTFModelIsolator(object): + def __init__(self): + # Use global keras (tensorflow) session config here + keras_session_config = K.get_session()._config + + self._keras_isolated_graph = K.tf.Graph() + self._keras_isolated_session = K.tf.Session(graph=self._keras_isolated_graph, config=keras_session_config) + + def _isolate_func(self, func): + def wrapper(*args, **kwargs): + with self._keras_isolated_graph.as_default(): + with self._keras_isolated_session.as_default(): + return func(*args, **kwargs) + + return wrapper + + +class EvaluateAndSaveBestIntermediateModelCallback(AbstractKerasModelCallback, WithLogger): + def __init__(self, model, eval_state_per_batches): + """ + :param model: AbstractKerasModel object + :param eval_state_per_batches: run model evaluation each `eval_state_per_batches` steps + """ + super(EvaluateAndSaveBestIntermediateModelCallback, self).__init__(model) + WithLogger.__init__(self) + + self._eval_state_per_batches = eval_state_per_batches + self._training_start_time = None + self._cur_epoch_start_time = None + + @property + def callback_params(self): + return {'eval_state_per_batches': self._eval_state_per_batches} + + @property + def runs_only_on_main_worker(self): + return True + + @staticmethod + def _get_formatted_time(seconds): + return str(timedelta(seconds=int(seconds))) + + def _log_metrics(self, dataset_name_to_metrics): + for dataset_name, metrics in dataset_name_to_metrics.items(): + for metric_name, metric_value in metrics.items(): + self._logger.info('{} {} = {}'.format(dataset_name, metric_name, metric_value)) + self._model.metrics_plotter.plot(self._model.model_id, '{}/{}'.format(dataset_name, metric_name), + metric_value) + + def _eval_and_save_current_model(self, batch_num=None): + total_elapsed_time = time.time() - self._training_start_time + self._logger.info('Total elapsed time: {}'.format(self._get_formatted_time(total_elapsed_time))) + + if batch_num: + elapsed_time_per_batch = (time.time() - self._cur_epoch_start_time) / batch_num + self._logger.info('Cur batch num: {}; Train time per batch: {:.2f} seconds'.format( + batch_num, elapsed_time_per_batch)) + + dataset_name_to_metrics = self._model._evaluate() + self._log_metrics(dataset_name_to_metrics) + + if not os.path.exists(self._model.model_path): + os.makedirs(self._model.model_path) + + if self._model.metrics is None or self._model._is_better_model(dataset_name_to_metrics, self._model.metrics): + self._logger.info('Obtained new best model. Saving it to {}'.format(self._model._model_resource_path)) + self._model._save_model(self._model._model_resource_path) + self._model._metrics_serializer.save_metrics(self._model._metrics_resource_path, dataset_name_to_metrics) + self._model._metrics = dataset_name_to_metrics + + self._model._save_model(self._model._model_progress_resource_path) + + def on_train_begin(self, logs=None): + self._logger.info('Start training') + self._training_start_time = time.time() + + def on_train_end(self, logs=None): + self._logger.info('Stop training and compute final model metrics') + self._eval_and_save_current_model() + + def on_batch_end(self, batch_num, logs=None): + if batch_num > 0 and batch_num % self._eval_state_per_batches == 0: + self._eval_and_save_current_model(batch_num) + + def on_epoch_begin(self, epoch_num, logs=None): + cur_epoch_num = epoch_num + 1 + self._logger.info('Starting epoch {}'.format(cur_epoch_num)) + self._cur_epoch_start_time = time.time() + + def on_epoch_end(self, epoch_num, logs=None): + cur_epoch_num = epoch_num + 1 + cur_epoch_time = time.time() - self._cur_epoch_start_time + self._logger.info('For epoch {} elapsed time: {}'.format(cur_epoch_num, + self._get_formatted_time(cur_epoch_time))) + + +class AbstractKerasModel(AbstractModel, metaclass=abc.ABCMeta): + # Model resources default values + _MODEL_PROGRESS_RESOURCE_NAME = 'model.current' + + def __init__(self, metrics_plotter=None, horovod=None, training_callbacks=None, *args, **kwargs): + """ + :param metrics_plotter: object that plots training and validation metrics (see `TensorboardMetricsPlotter`) + :param horovod: horovod module initialized for training on multiple GPUs. If None, uses single GPU, or CPU + :param training_callbacks: list of instances of `AbstractKerasModelCallback`/`ParametrizedCallback` or None. + In subclasses, please call `_create_essential_callbacks` to get essential callbacks, and/or put your own + ones in this argument. + """ + super(AbstractKerasModel, self).__init__(*args, **kwargs) + + self._metrics_plotter = metrics_plotter if metrics_plotter else DummyMetricsPlotter() + self._horovod = horovod + + self._class_weight = None + self._callbacks = training_callbacks or [] + + @staticmethod + def _create_essential_callbacks(model, horovod=None, eval_state_per_batches=None): + """ + :param model: a model object, typically `self` + :param horovod: if not None, adds callback for model params broadcasting between workers + :param eval_state_per_batches: if not None, adds callback to evaluate the model every `eval_state_per_batches` + batches + :return: a list of callbacks + """ + callbacks = [] + + if horovod: + callbacks.append( + ParametrizedCallback( + horovod.callbacks.BroadcastGlobalVariablesCallback(0), runs_only_on_main_worker=False)) + + if eval_state_per_batches: + callbacks.append(EvaluateAndSaveBestIntermediateModelCallback(model, eval_state_per_batches)) + + return callbacks + + def _get_worker_callbacks(self): + if is_main_horovod_worker(self._horovod): + # all callbacks should be run on main worker + return self._callbacks + + # but not all callbacks should be run on a not main worker + return [callback for callback in self._callbacks if not callback.runs_only_on_main_worker] + + @staticmethod + def _to_keras_callbacks(callbacks): + """ + Casts AbstractKerasModel callbacks (see `cakechat.dialog_model.callbacks`) to the keras-based ones (instances of + `keras.callbacks.Callback`) + :param callbacks: + :return: + """ + keras_callbacks = [] + for custom_callback in callbacks: + if isinstance(custom_callback, AbstractKerasModelCallback): + keras_callback = _KerasCallbackAdapter(custom_callback) + elif isinstance(custom_callback, ParametrizedCallback): + keras_callback = custom_callback.callback + else: + raise ValueError('Unsupported callback type: {}'.format(type(custom_callback))) + + keras_callbacks.append(keras_callback) + + return keras_callbacks + + def _set_class_weight(self, class_weight): + self._class_weight = class_weight + + @property + @abc.abstractmethod + def _model_params(self): + pass + + @property + def model_params(self): + params = { + 'training_callbacks': { + cb.__class__.__name__: cb.callback_params for cb in self._callbacks if cb.callback_params + } + } + params.update(self._model_params) + return params + + @property + def _model_progress_resource_path(self): + return os.path.join(self.model_path, self._MODEL_PROGRESS_RESOURCE_NAME) + + @property + def model(self): + self.init_model() + return self._model + + @property + def metrics_plotter(self): + return self._metrics_plotter + + @abc.abstractmethod + def _get_training_model(self): + pass + + @abc.abstractmethod + def _build_model(self): + pass + + @abc.abstractmethod + def _is_better_model(self, new_metrics, old_metrics): + pass + + @abc.abstractmethod + def _get_training_batch_generator(self): + """ + :return: generator with (inputs, targets) or (inputs, targets, sample_weights) tuples. + The generator is expected to loop over its data indefinitely. + An epoch finishes when epoch_batches_num batches have been seen by the training worker. + """ + pass + + @abc.abstractmethod + def _get_epoch_batches_num(self): + pass + + def _save_model(self, model_file_path): + self._model.save(model_file_path, overwrite=True) + self._logger.info('Saved model weights to {}'.format(model_file_path)) + + def _load_model(self, fresh_model, model_file_path): + fresh_model.load_weights(model_file_path, by_name=True) + self._logger.info('Restored model weights from {}'.format(model_file_path)) + return fresh_model + + def _load_model_if_exists(self): + if is_non_empty_file(self._model_progress_resource_path): + self._model = self._load_model(self._model, self._model_progress_resource_path) + self._metrics = self._metrics_serializer.load_metrics(self._metrics_resource_path) + return + + self._logger.info('Could not find saved model at {}\nModel will be trained from scratch.\n' + .format(self._model_progress_resource_path)) + + def print_weights_summary(self): + summary = '\n\nModel weights summary:' + summary += '\n\t{0:<80} {1:<20} {2:}\n'.format('layer name', 'output shape:', 'size:') + + weights_names = [weight.name for layer in self._model.layers for weight in layer.weights] + weights = self._model.get_weights() + + total_network_size = 0 + for name, weight in zip(weights_names, weights): + param_size = weight.nbytes / 1024 / 1024 + summary += '\n\t{0:<80} {1:20} {2:<.2f}Mb'.format(name, str(weight.shape), param_size) + total_network_size += param_size + + summary += '\n\nTotal network size: {0:.1f} Mb\n'.format(total_network_size) + self._logger.info(summary) + + def init_model(self): + if not self._model: + self._logger.info('Initializing NN model') + self._model = self._build_model() + self._logger.info('NN model is initialized\n') + self.print_weights_summary() + + def train_model(self): + self.init_model() + self._load_model_if_exists() + + set_horovod_worker_random_seed(self._horovod) + training_batch_generator = self._get_training_batch_generator() + + epoch_batches_num = self._get_epoch_batches_num() + workers_num = self._horovod.size() if self._horovod else 1 + + self._logger.info('Total epochs num = {}; Total batches per epochs = {}; Total workers for train = {}'.format( + self.model_params['epochs_num'], epoch_batches_num, workers_num)) + + worker_callbacks = self._get_worker_callbacks() + training_model = self._get_training_model() + training_model.fit_generator( + training_batch_generator, + steps_per_epoch=epoch_batches_num // workers_num, + callbacks=self._to_keras_callbacks(worker_callbacks), + epochs=self.model_params['epochs_num'], + class_weight=self._class_weight, + verbose=0, + workers=0) + + # reload model with the best quality + if is_main_horovod_worker(self._horovod): + self._model = self._load_model(self._model, self._model_resource_path) diff --git a/cakechat/dialog_model/layers.py b/cakechat/dialog_model/layers.py index c245ad2..7fbe7ea 100644 --- a/cakechat/dialog_model/layers.py +++ b/cakechat/dialog_model/layers.py @@ -1,64 +1,53 @@ -import theano.tensor as T -from lasagne.layers.base import MergeLayer, Layer -from six.moves import xrange +from keras.layers import K, RepeatVector, Lambda -class RepeatLayer(Layer): +def repeat_vector(inputs): """ - Layer that repeats input n times along 1 axis and reshapes. - The idea is to take some data for each object in the batch and repeat n times along the sequence axis. - For example for repeating thought vector returned by encoder to feed into decoder in SEQ2SEQ model. - - input: tensor of shape N_1 x N_2 x ... x N_D - output: tensor of shape N_1 x n x N_2 x ... x N_D - """ - - def __init__(self, incoming, n, **kwargs): - super(RepeatLayer, self).__init__(incoming, **kwargs) - self._n = n - - def get_output_shape_for(self, input_shape): - repeat_times = None if isinstance(self._n, T.TensorVariable) else self._n - return tuple([input_shape[0], repeat_times] + list(input_shape[1:])) - - def get_output_for(self, input, **kwargs): - new_shape = [input.shape[0], 1] + [input.shape[k] for k in xrange(1, input.ndim)] - - output = T.reshape(input, new_shape, ndim=input.ndim + 1) # see the details in pydoc - output = T.repeat(output, self._n, axis=1) - return output - - -class NotEqualMaskLayer(Layer): - """ - Layer that outputs binary matrix according to elementwise non-equality to a specific element + Temporary solution: + Use this function within a Lambda layer to get a repeated layer with a variable 1-st dimension (seq_len). + May be useful to further feed it to a Concatenate layer. + + inputs == (layer_for_repeat, layer_for_getting_rep_num): + layer_for_repeat: shape == (batch_size, vector_dim) + layer_for_getting_rep_num: shape == (batch_size, seq_len, ...) + :return: + repeated layer_for_repeat, shape == (batch_size, seq_len, vector_dim) """ + layer_for_repeat, layer_for_getting_rep_num = inputs + repeated_vector = RepeatVector( + n=K.shape(layer_for_getting_rep_num)[1], name='custom_repeat_vector')(layer_for_repeat) + # shape == (batch_size, seq_len, vector_dim) + return repeated_vector - def __init__(self, incoming, x, **kwargs): - super(NotEqualMaskLayer, self).__init__(incoming, **kwargs) - self._x = x - - def get_output_shape_for(self, input_shape): - return input_shape - - def get_output_for(self, input, **kwargs): - return T.neq(input, self._x) - -class SwitchLayer(MergeLayer): +def softmax_with_temperature(logits, temperature): """ - Layer that performs switching from one input to another according to the condition which is theano.iscalar that contains 0 or 1. - If condition contains 1 then the output will be the output of the first layer in incomings. - If condition contains 0 then the output will be the output of the second layer in incomings. + :param logits: shape == (batch_size, seq_len, vocab_size), float32 + :param temperature: shape == (batch_size, 1), float32 + :return: + transformed tokens probs, shape == (batch_size, seq_len, vocab_size), float32 """ - def __init__(self, incomings, condition, **kwargs): - super(SwitchLayer, self).__init__(incomings, **kwargs) - self._condition = condition - - def get_output_shape_for(self, input_shapes): - return input_shapes[1] - - def get_output_for(self, inputs, **kwargs): - output = T.switch(self._condition, inputs[0], inputs[1]) - return output + def softmax_with_temp(args): + logits, temperature = args + repeat_num = K.shape(logits)[1] + temperature_repeated = RepeatVector(repeat_num)(temperature) + # shape == (batch_size, seq_len) + scaled_logits = logits / temperature_repeated + # shape == (batch_size, seq_len, vocab_size) + + # for numerical stability (e.g. for low temperatures): + scaled_logits = scaled_logits - K.max(scaled_logits, axis=2, keepdims=True) + # shape == (batch_size, seq_len, vocab_size) + transformed_probs = K.softmax(scaled_logits) + # shape == (batch_size, seq_len, vocab_size) + return transformed_probs + + # wrap transformation in Lambda to turn the result to Keras layer + transformed_probs = Lambda( + function=softmax_with_temp, + mask=lambda inputs, inputs_masks: inputs_masks[0], # function to get mask of the first input + name='softmax_with_temperature')([logits, temperature]) + # output shape == (batch_size, seq_len, vocab_size) + + return transformed_probs diff --git a/cakechat/dialog_model/model.py b/cakechat/dialog_model/model.py index 5f456c6..47bbd52 100644 --- a/cakechat/dialog_model/model.py +++ b/cakechat/dialog_model/model.py @@ -1,732 +1,732 @@ +import math import os -from collections import OrderedDict +from functools import partial -import lasagne import numpy as np -import theano -import theano.tensor as T -from lasagne.init import Normal -from lasagne.layers import InputLayer, DenseLayer, GRULayer, reshape, EmbeddingLayer, SliceLayer, ConcatLayer, \ - DropoutLayer, get_output, get_all_params, get_all_param_values, get_all_layers, \ - get_output_shape -from lasagne.objectives import categorical_crossentropy -from six.moves import xrange -from six import iteritems - -from cakechat.config import HIDDEN_LAYER_DIMENSION, GRAD_CLIP, LEARNING_RATE, \ - TRAIN_WORD_EMBEDDINGS_LAYER, WORD_EMBEDDING_DIMENSION, ENCODER_DEPTH, DECODER_DEPTH, DENSE_DROPOUT_RATIO, \ - CONDITION_EMBEDDING_DIMENSION, NN_MODEL_PREFIX, BASE_CORPUS_NAME, INPUT_CONTEXT_SIZE, INPUT_SEQUENCE_LENGTH, \ - OUTPUT_SEQUENCE_LENGTH, NN_MODELS_DIR -from cakechat.dialog_model.layers import RepeatLayer, NotEqualMaskLayer, SwitchLayer -from cakechat.utils.files_utils import DummyFileResolver, FileNotFoundException, ensure_dir -from cakechat.utils.logger import get_logger, laconic_logger +import tensorflow as tf +from keras import Input, Model, optimizers +from keras.layers import K, Bidirectional, Embedding, Concatenate, Dense, Dropout, TimeDistributed, \ + Reshape, Lambda, CuDNNGRU, GRU + +from cakechat.config import HIDDEN_LAYER_DIMENSION, GRAD_CLIP, LEARNING_RATE, TRAIN_WORD_EMBEDDINGS_LAYER, \ + WORD_EMBEDDING_DIMENSION, DENSE_DROPOUT_RATIO, CONDITION_EMBEDDING_DIMENSION, MODEL_NAME, BASE_CORPUS_NAME, \ + INPUT_CONTEXT_SIZE, INPUT_SEQUENCE_LENGTH, OUTPUT_SEQUENCE_LENGTH, BATCH_SIZE, LOG_RUN_METADATA, \ + TENSORBOARD_LOG_DIR, EPOCHS_NUM, SHUFFLE_TRAINING_BATCHES, RANDOM_SEED, RESULTS_PATH, USE_CUDNN +from cakechat.dialog_model.callbacks import CakeChatEvaluatorCallback +from cakechat.dialog_model.keras_model import AbstractKerasModel +from cakechat.dialog_model.layers import repeat_vector, softmax_with_temperature +from cakechat.dialog_model.model_utils import get_training_batch +from cakechat.dialog_model.quality.metrics.perplexity import calculate_model_mean_perplexity +from cakechat.dialog_model.quality.metrics.plotters import TensorboardMetricsPlotter +from cakechat.utils.data_structures import create_namedtuple_instance +from cakechat.utils.logger import WithLogger from cakechat.utils.text_processing import SPECIAL_TOKENS +from cakechat.utils.w2v.utils import get_token_vector -_logger = get_logger(__name__) - -class CakeChatModel(object): +class CakeChatModel(AbstractKerasModel, WithLogger): def __init__(self, index_to_token, index_to_condition, + training_data_param, + validation_data_param, + w2v_model_param, model_init_path=None, - nn_models_dir=NN_MODELS_DIR, - model_prefix=NN_MODEL_PREFIX, + model_resolver=None, + model_name=MODEL_NAME, corpus_name=BASE_CORPUS_NAME, skip_token=SPECIAL_TOKENS.PAD_TOKEN, - learning_rate=LEARNING_RATE, - grad_clip=GRAD_CLIP, + token_embedding_dim=WORD_EMBEDDING_DIMENSION, + train_token_embedding=TRAIN_WORD_EMBEDDINGS_LAYER, + condition_embedding_dim=CONDITION_EMBEDDING_DIMENSION, + input_seq_len=INPUT_SEQUENCE_LENGTH, + input_context_size=INPUT_CONTEXT_SIZE, + output_seq_len=OUTPUT_SEQUENCE_LENGTH, hidden_layer_dim=HIDDEN_LAYER_DIMENSION, - encoder_depth=ENCODER_DEPTH, - decoder_depth=DECODER_DEPTH, - init_embedding=None, - word_embedding_dim=WORD_EMBEDDING_DIMENSION, - train_word_embedding=TRAIN_WORD_EMBEDDINGS_LAYER, + use_cudnn=USE_CUDNN, dense_dropout_ratio=DENSE_DROPOUT_RATIO, - condition_embedding_dim=CONDITION_EMBEDDING_DIMENSION, - is_reverse_model=False): + is_reverse_model=False, + reverse_model=None, + learning_rate=LEARNING_RATE, + grad_clip=GRAD_CLIP, + batch_size=BATCH_SIZE, + epochs_num=EPOCHS_NUM, + horovod=None, + tensorboard_log_dir=TENSORBOARD_LOG_DIR, + log_run_metadata=LOG_RUN_METADATA): """ - :param index_to_token: Dict with tokens and indices for neural network - :param model_init_path: Path to weights file to be used for model's intialization - :param skip_token: Token to skip with masking. Id of this token is inferred from index_to_token dictionary - :param learning_rate: Learning rate factor for the optimization algorithm - :param grad_clip: Clipping parameter to prevent gradient explosion - :param init_embedding: Matrix to initialize word-embedding layer. Default value is random standart-gaussian - initialization + :param index_to_token: Dict with mapping: tokens indices to tokens + :param index_to_condition: Dict with mapping: conditions indicies to conditions values + :param training_data_param: Instance of ModelParam, tuple (value, id) where value is a dataset used for training + and id is a name this dataset + :param validation_data_param: Instance of ModelParam, tuple (value, id) where value is a dataset used for + metrics calculation and id is a concatenation of these datasets' names + :param w2v_model_param: Instance of ModelParam, tuple (value, id) where value is a word2vec matrix of shape + (vocab_size, token_embedding_dim) with float values, used for initializing token embedding layers, and id is + the name of word2vec model + :param model_init_path: Path to a file with model's saved weights for layers intialization + :param model_resolver: Factory that takes model path and returns a file resolver object + :param model_name: String prefix that is prepended to automatically generated model's name. The prefix helps + distinguish the current experiment from other experiments with similar params. + :param corpus_name: File name of the training dataset (included into automatically generated model's name) + :param skip_token: Token to skip with masking, usually _pad_ token. Id of this token is inferred from + index_to_token dictionary + :param token_embedding_dim: Vectors dimensionality of tokens embeddings + :param train_token_embedding: Bool value indicating whether to train token embeddings along with other model's + weights or keep them freezed during training + :param condition_embedding_dim: Vectors dimensionality of conditions embeddings + :param input_seq_len: Max number of tokens in the context sentences + :param input_context_size: Max number of sentences in the context + :param output_seq_len: Max number of tokens in the output sentences + :param hidden_layer_dim: Vectors dimensionality of hidden layers in GRU and Dense layers + :param dense_dropout_ratio: Float value between 0 and 1, indicating the ratio of neurons that will be randomly + deactivated during training to prevent model's overfitting + :param is_reverse_model: Bool value indicating the type of model: + False (regular model) - predicts response for the given context + True (reverse model) - predicts context for the given response (actually, predict the last context sentence for + given response and the beginning of the context) - used for calculating Maximim Mutual Information metric + :param reverse_model: Trained reverse model used to generate predictions in *_reranking modes + :param learning_rate: Learning rate of the optimization algorithm + :param grad_clip: Clipping parameter of the optimization algorithm, used to prevent gradient explosion + :param batch_size: Number of samples to be used for gradient estimation on each train step + :param epochs_num: Number of full dataset passes during train + :param horovod: Initialized horovod module used for multi-gpu training. Trains on single gpu if horovod=None + :param tensorboard_log_dir: Path to tensorboard logs directory + :param log_run_metadata: Set 'True' to profile memory consumption and computation time on tensorboard """ + # Calculate batches number in each epoch. + # The last batch which may be smaller than batch size is included in this number + batches_num_per_epoch = math.ceil(training_data_param.value.x.shape[0] / batch_size) \ + if training_data_param.value else None + + # Create callbacks + callbacks = self._create_essential_callbacks(self, horovod) + callbacks.extend([ + # Custom callback for metrics calculation + CakeChatEvaluatorCallback(self, index_to_token, batch_size, batches_num_per_epoch) + ]) + + super(CakeChatModel, self).__init__( + model_resolver_factory=model_resolver, + metrics_plotter=TensorboardMetricsPlotter(tensorboard_log_dir), + horovod=horovod, + training_callbacks=callbacks) + WithLogger.__init__(self) + + self._model_name = 'reverse_{}'.format(model_name) if is_reverse_model else model_name + self._rnn_class = CuDNNGRU if use_cudnn else partial(GRU, reset_after=True) + + # tokens params self._index_to_token = index_to_token self._token_to_index = {v: k for k, v in index_to_token.items()} self._vocab_size = len(self._index_to_token) + self._skip_token_id = self._token_to_index[skip_token] + self._token_embedding_dim = token_embedding_dim + self._train_token_embedding = train_token_embedding + self._W_init_embedding = \ + self._build_embedding_matrix(self._token_to_index, w2v_model_param.value, token_embedding_dim) \ + if w2v_model_param.value else None + + # condition params self._index_to_condition = index_to_condition self._condition_to_index = {v: k for k, v in index_to_condition.items()} - self._condition_ids_num = len(self._condition_to_index) self._condition_embedding_dim = condition_embedding_dim - self._learning_rate = learning_rate - self._grad_clip = grad_clip + # data params + self._training_data = training_data_param.value + self._validation_data = validation_data_param.value + + # train params + self._batches_num_per_epoch = batches_num_per_epoch + self._model_init_path = model_init_path + self._horovod = horovod + + self._optimizer = optimizers.Adadelta(lr=learning_rate, clipvalue=grad_clip) + if self._horovod: + self._optimizer = horovod.DistributedOptimizer(self._optimizer) + + # gather model's params that define the experiment setting + self._params = create_namedtuple_instance( + name='Params', + corpus_name=corpus_name, + input_context_size=input_context_size, + input_seq_len=input_seq_len, + output_seq_len=output_seq_len, + token_embedding_dim=token_embedding_dim, + train_batch_size=batch_size, + hidden_layer_dim=hidden_layer_dim, + w2v_model=w2v_model_param.id, + is_reverse_model=is_reverse_model, + dense_dropout_ratio=dense_dropout_ratio, + voc_size=len(self._token_to_index), + training_data=training_data_param.id, + validation_data=validation_data_param.id, + epochs_num=epochs_num, + optimizer=self._optimizer.get_config()) + + # profiling params + self._run_options = tf.RunOptions(trace_level=tf.RunOptions.FULL_TRACE) if log_run_metadata else None + self._run_metadata = tf.RunMetadata() if log_run_metadata else None + + # parts of computational graph + self._models = None + + # get trained reverse model used for inference + self._reverse_model = reverse_model - self._W_init_embedding = Normal() if init_embedding is None else init_embedding - self._word_embedding_dim = word_embedding_dim - self._train_word_embedding = train_word_embedding - self._skip_token_id = self._token_to_index[skip_token] + @property + def model_name(self): + return self._model_name - self._hidden_layer_dim = hidden_layer_dim - self._encoder_depth = encoder_depth - self._decoder_depth = decoder_depth - self._dense_dropout_ratio = dense_dropout_ratio + @property + def run_metadata(self): + return self._run_metadata - self._nn_models_dir = nn_models_dir - self._model_prefix = model_prefix - self._corpus_name = corpus_name - self._is_reverse_model = is_reverse_model + @property + def token_to_index(self): + return self._token_to_index - self._model_load_path = model_init_path or self.model_save_path + @property + def index_to_token(self): + return self._index_to_token - self._train_fn = None # Training functions are compiled as needed - self._build_model_computational_graph() - self._compile_theano_functions_for_prediction() + @property + def condition_to_index(self): + return self._condition_to_index @property - def params_str(self): - params_str = 'gru' \ - '_hd{hidden_dim}' \ - '_cdim{condition_dimension}' \ - '_drop{dropout_ratio}' \ - '_encd{encoder_depth}' \ - '_decd{decoder_depth}' \ - '_il{input_seq_len}' \ - '_cs{input_cont_size}' \ - '_ansl{output_seq_len}' \ - '_lr{learning_rate}' \ - '_gc{gradient_clip}' \ - '_{learn_emb}' - - return params_str.format( - hidden_dim=self._hidden_layer_dim, - condition_dimension=self._condition_embedding_dim, - encoder_depth=self._encoder_depth, - decoder_depth=self._decoder_depth, - input_seq_len=INPUT_SEQUENCE_LENGTH, - input_cont_size=INPUT_CONTEXT_SIZE, - output_seq_len=OUTPUT_SEQUENCE_LENGTH, - dropout_ratio=self._dense_dropout_ratio, - learning_rate=self._learning_rate, - gradient_clip=self._grad_clip, - learn_emb='learnemb' if self._train_word_embedding else 'fixemb' - ) + def index_to_condition(self): + return self._index_to_condition @property - def model_name(self): - suffix = ['reverse'] if self._is_reverse_model else [] - params_str = '_'.join([ - self._model_prefix, - self._corpus_name, - self.params_str - ] + suffix) - return params_str + def vocab_size(self): + return self._vocab_size @property - def model_save_path(self): - return os.path.join(self._nn_models_dir, self.model_name) - - def _build_model_computational_graph(self): - self._net = OrderedDict() - self._add_word_embeddings() - self._add_condition_embeddings() - self._add_utterance_encoder() - self._add_context_encoder() - self._add_decoder() - self._add_output_dense() - - def _compile_theano_functions_for_prediction(self): - self._temperature = T.fscalar('temperature') # theano variable needed for prediction - self.predict_prob = self._get_predict_fn(logarithm_output_probs=False) - self.predict_prob_one_step = self._get_predict_one_step_fn(logarithm_output_probs=False) - self.predict_log_prob = self._get_predict_fn(logarithm_output_probs=True) - self.predict_log_prob_one_step = self._get_predict_one_step_fn(logarithm_output_probs=True) - self.predict_sequence_score = self._get_predict_sequence_score_fn() - self.predict_sequence_score_by_thought_vector = self._get_predict_sequence_score_by_thought_vector_fn() - self.get_thought_vectors = self._get_thought_vectors_fn() - - def _add_word_embeddings(self): - self._net['input_x'] = InputLayer( - shape=(None, None, None), input_var=T.itensor3(name='input_x'), name='input_x') - - self._net['input_y'] = InputLayer(shape=(None, None), input_var=T.imatrix(name='input_y'), name='input_y') - - # Infer these variables from data passed to computation graph since batch shape may differ in training and - # prediction phases - self._batch_size = self._net['input_x'].input_var.shape[0] - self._input_context_size = self._net['input_x'].input_var.shape[1] - self._input_seq_len = self._net['input_x'].input_var.shape[2] - self._output_seq_len = self._net['input_y'].input_var.shape[1] - - self._net['input_x_batched'] = \ - reshape(self._net['input_x'], (self._batch_size * self._input_context_size, self._input_seq_len)) - - self._net['input_x_mask'] = NotEqualMaskLayer( - incoming=self._net['input_x_batched'], x=self._skip_token_id, name='mask_x') - - self._net['emb_x'] = EmbeddingLayer( - incoming=self._net['input_x_batched'], - input_size=self._vocab_size, - output_size=self._word_embedding_dim, - W=self._W_init_embedding, - name='emb_x') - # output shape (batch_size, input_context_size, input_seq_len, embedding_dimension) - - self._net['input_y_mask'] = NotEqualMaskLayer( - incoming=self._net['input_y'], x=self._skip_token_id, name='mask_y') - - self._net['emb_y'] = EmbeddingLayer( - incoming=self._net['input_y'], - input_size=self._vocab_size, - output_size=self._word_embedding_dim, - W=self._W_init_embedding, - name='emb_y') - # output shape (batch_size, output_seq_len, embedding_dimension) - - if not self._train_word_embedding: - self._net['emb_x'].params[self._net['emb_x'].W].remove('trainable') - self._net['emb_y'].params[self._net['emb_y'].W].remove('trainable') - - def _add_forward_backward_encoder_layer(self): - is_single_layer_encoder = self._encoder_depth == 1 - return_only_final_state = is_single_layer_encoder - - # input shape = (batch_size * input_context_size, input_seq_len, embedding_dimension) - self._net['enc_forward'] = GRULayer( - incoming=self._net['emb_x'], - num_units=self._hidden_layer_dim, - grad_clipping=self._grad_clip, - only_return_final=return_only_final_state, - name='encoder_forward', - mask_input=self._net['input_x_mask']) - # output shape = (batch_size * input_context_size, input_seq_len, hidden_layer_dimension) - # or (batch_size * input_context_size, hidden_layer_dimension) - - # input shape = (batch_size * input_context_size, input_seq_len, embedding_dimension) - self._net['enc_backward'] = GRULayer( - incoming=self._net['emb_x'], - num_units=self._hidden_layer_dim, - grad_clipping=self._grad_clip, - only_return_final=return_only_final_state, - backwards=True, - name='encoder_backward', - mask_input=self._net['input_x_mask']) - # output shape = (batch_size * input_context_size, input_seq_len, hidden_layer_dimension) - # or (batch_size * input_context_size, hidden_layer_dimension) - - self._net['enc_0'] = ConcatLayer( - incomings=[self._net['enc_forward'], self._net['enc_backward']], - axis=1 if return_only_final_state else 2, - name='encoder_bidirectional_concat') - # output shape = (batch_size * input_context_size, input_seq_len, 2 * hidden_layer_dimension) - # or (batch_size * input_context_size, 2 * hidden_layer_dimension) - - def _add_condition_embeddings(self): - self._net['input_condition_id'] = InputLayer( - shape=(None, ), input_var=T.ivector(name='in_condition_id'), name='input_condition_id') - - self._net['emb_condition_id'] = EmbeddingLayer( - incoming=self._net['input_condition_id'], - input_size=self._condition_ids_num, - output_size=self._condition_embedding_dim, - name='embedding_condition_id') - - def _add_utterance_encoder(self): - # input shape = (batch_size * input_context_size, input_seq_len, embedding_dimension) - self._add_forward_backward_encoder_layer() - - for enc_layer_id in xrange(1, self._encoder_depth): - is_last_encoder_layer = enc_layer_id == self._encoder_depth - 1 - return_only_final_state = is_last_encoder_layer - - # input shape = (batch_size * input_context_size, input_seq_len, embedding_dimension) - self._net['enc_' + str(enc_layer_id)] = GRULayer( - incoming=self._net['enc_' + str(enc_layer_id - 1)], - num_units=self._hidden_layer_dim, - grad_clipping=self._grad_clip, - only_return_final=return_only_final_state, - name='encoder_' + str(enc_layer_id), - mask_input=self._net['input_x_mask']) - - self._net['enc'] = self._net['enc_' + str(self._encoder_depth - 1)] - - # output shape = (batch_size * input_context_size, hidden_layer_dim) - - def _add_context_encoder(self): - self._net['batched_enc'] = reshape( - self._net['enc'], (self._batch_size, self._input_context_size, get_output_shape(self._net['enc'])[-1])) - - self._net['context_enc'] = GRULayer( - incoming=self._net['batched_enc'], - num_units=self._hidden_layer_dim, - grad_clipping=self._grad_clip, - only_return_final=True, - name='context_encoder') - - self._net['switch_enc_to_tv'] = T.iscalar(name='switch_enc_to_tv') - - self._net['thought_vector'] = InputLayer( - shape=(None, self._hidden_layer_dim), input_var=T.fmatrix(name='thought_vector'), name='thought_vector') - - self._net['enc_result'] = SwitchLayer( - incomings=[self._net['thought_vector'], self._net['context_enc']], condition=self._net['switch_enc_to_tv']) - - # We need the following to pass as 'givens' argument when compiling theano functions: - self._default_thoughts_vector = T.zeros((self._batch_size, self._hidden_layer_dim)) - self._default_input_x = T.zeros(shape=(self._net['thought_vector'].input_var.shape[0], 1, 1), dtype=np.int32) - - def _add_decoder(self): - """ - Decoder returns the batch of sequences of thought vectors, each corresponds to a decoded token - reshapes this 3d tensor to 2d matrix so that the next Dense layer can convert each thought vector to - a probability distribution vector - """ + def skip_token_id(self): + return self._skip_token_id - self._net['hid_states_decoder'] = InputLayer( - shape=(None, self._decoder_depth, None), - input_var=T.tensor3('hid_inits_decoder'), - name='hid_states_decoder') - - # repeat along the sequence axis output_seq_len times, where output_seq_len is inferred from input tensor - self._net['enc_repeated'] = RepeatLayer( - incoming=self._net['enc_result'], # input shape = (batch_size, encoder_output_dimension) - n=self._output_seq_len, - name='repeat_layer') - - self._net['emb_condition_id_repeated'] = RepeatLayer( - incoming=self._net['emb_condition_id'], n=self._output_seq_len, name='embedding_condition_id_repeated') - - self._net['dec_concated_input'] = ConcatLayer( - incomings=[self._net['emb_y'], self._net['enc_repeated'], self._net['emb_condition_id_repeated']], - axis=2, - name='decoder_concated_input') - # shape = (batch_size, input_seq_len, encoder_output_dimension) - - self._net['dec_0'] = self._net['dec_concated_input'] - - for dec_layer_id in xrange(1, self._decoder_depth + 1): - # input shape = (batch_size, input_seq_len, embedding_dimension + hidden_dimension) - self._net['dec_' + str(dec_layer_id)] = GRULayer( - incoming=self._net['dec_' + str(dec_layer_id - 1)], - num_units=self._hidden_layer_dim, - grad_clipping=self._grad_clip, - only_return_final=False, - name='decoder_' + str(dec_layer_id), - mask_input=self._net['input_y_mask'], - hid_init=SliceLayer(self._net['hid_states_decoder'], dec_layer_id - 1, axis=1)) - - self._net['dec'] = self._net['dec_' + str(self._decoder_depth)] - # output shape = (batch_size, output_seq_len, hidden_dimension) + @property + def hidden_layer_dim(self): + return self._params.hidden_layer_dim - @staticmethod - def _remove_all_last_tokens(input_layer, unflatten_sequences_shape, flatten_input=True): - """ - Helper function that creates a sequence of layers to clean up the tensor from all elements, - corresponding to the last token in the sequence - """ - new_flattened_shape = (unflatten_sequences_shape[0] * (unflatten_sequences_shape[1] - 1),) \ - + unflatten_sequences_shape[2:] + @property + def decoder_depth(self): + return self._decoder_depth - sliced = SliceLayer( - incoming=reshape(input_layer, unflatten_sequences_shape) if flatten_input else input_layer, - indices=slice(0, -1), - axis=1) # sequence axis - return reshape(sliced, new_flattened_shape) + @property + def is_reverse_model(self): + return self._params.is_reverse_model - @staticmethod - def _remove_all_first_tokens(input_layer, unflatten_sequences_shape, flatten_input=True): + @property + def reverse_model(self): + return self._reverse_model + + @property + def _model_dir(self): + return os.path.join(RESULTS_PATH, 'nn_models') + + @property + def _model_params(self): + return self._params._asdict() + + @property + def _model_progress_resource_path(self): + return os.path.join(self.model_path, self._MODEL_PROGRESS_RESOURCE_NAME) + + def _build_model(self): + # embeddings + x_tokens_emb_model = self._tokens_embedding_model(name='x_token_embedding') + y_tokens_emb_model = self._tokens_embedding_model(name='y_token_embedding') + with tf.variable_scope('condition_embedding_scope', reuse=True): + condition_emb_model = self._condition_embedding_model() + + # encoding + with tf.variable_scope('utterance_scope', reuse=True): + utterance_enc_model = self._utterance_encoder(x_tokens_emb_model) + with tf.variable_scope('encoder_scope', reuse=True): + context_enc_model = self._context_encoder(utterance_enc_model) + + # decoding + with tf.variable_scope('decoder_scope', reuse=True): + decoder_training_model, decoder_model = self._decoder(y_tokens_emb_model, condition_emb_model) + + # seq2seq + seq2seq_training_model, seq2seq_model = self._seq2seq(context_enc_model, decoder_training_model, decoder_model) + + self._models = dict( + utterance_encoder=utterance_enc_model, + context_encoder=context_enc_model, + decoder=decoder_model, + seq2seq=seq2seq_model, + seq2seq_training=seq2seq_training_model) + + return self._models['seq2seq_training'] + + def _get_training_model(self): + def sparse_categorical_crossentropy_logits(y_true, y_pred): + return K.sparse_categorical_crossentropy(y_true, y_pred, from_logits=True) + + self._logger.info('Compiling seq2seq for train...') + + self._models['seq2seq_training'].compile( + loss=sparse_categorical_crossentropy_logits, + optimizer=self._optimizer, + options=self._run_options, + run_metadata=self._run_metadata) + + return self._models['seq2seq_training'] + + def _tokens_embedding_model(self, name='token_embedding'): + self._logger.info('Building tokens_embedding_model...') + + tokens_ids = Input(shape=(None, ), dtype='int32', name=name + '_input') + # output shape == (batch_size, seq_len) + + tokens_embeddings = Embedding( + input_dim=self._vocab_size, + output_dim=self._token_embedding_dim, + trainable=self._train_token_embedding, + name=name, + weights=None if self._W_init_embedding is None else [self._W_init_embedding])(tokens_ids) + # output shape == (batch_size, seq_len, token_emb_size) + + return Model(tokens_ids, tokens_embeddings, name=name + '_model') + + def _condition_embedding_model(self): + self._logger.info('Building condition_embedding_model...') + + condition_id = Input(shape=(1, ), dtype='int32', name='condition_input') + # output shape == (batch_size, 1) + + condition_emb = Embedding( + input_dim=len(self._condition_to_index), + output_dim=self._condition_embedding_dim, + name='condition_embedding')(condition_id) + # output shape == (batch_size, 1, condition_emb_size) + + condition_emb_reshaped = Reshape( + target_shape=(self._condition_embedding_dim, ), name='condition_embedding_reshaped')(condition_emb) + # output shape == (batch_size, condition_emb_size) + + return Model(condition_id, condition_emb_reshaped, name='condition_emb_model') + + def _utterance_encoder(self, tokens_emb_model): + self._logger.info('Building utterance_encoder...') + + tokens_ids = tokens_emb_model.inputs[0] + # output shape == (batch_size, seq_len) + tokens_embeddings = tokens_emb_model(tokens_ids) + # output shape == (batch_size, seq_len, token_emb_size) + + bidir_enc = Bidirectional( + layer=self._rnn_class( + units=self._params.hidden_layer_dim, return_sequences=True, name='encoder'), + name='bidir_utterance_encoder')(tokens_embeddings) + # output shape == (batch_size, seq_len, 2 * hidden_layer_dim) + + utterance_encoding = self._rnn_class( + units=self._params.hidden_layer_dim, name='utterance_encoder_final')(bidir_enc) + # output shape == (batch_size, hidden_layer_dim) + + return Model(tokens_ids, utterance_encoding, name='utterance_encoder_model') + + def _context_encoder(self, utterance_enc_model): + self._logger.info('Building context_encoder...') + context_tokens_ids = Input( + shape=(self._params.input_context_size, self._params.input_seq_len), + dtype='int32', + name='context_tokens_ids') + # output shape == (batch_size, context_size, seq_len) + + context_utterance_embeddings = TimeDistributed( + layer=utterance_enc_model, input_shape=(self._params.input_context_size, + self._params.input_seq_len))(context_tokens_ids) + # output shape == (batch_size, context_size, utterance_encoding_dim) + + context_encoding = self._rnn_class( + units=self._params.hidden_layer_dim, name='context_encoder')(context_utterance_embeddings) + # output shape == (batch_size, hidden_layer_dim) + + return Model(context_tokens_ids, context_encoding, name='encoder_model') + + def _decoder(self, tokens_emb_model, condition_emb_model): + self._logger.info('Building decoder...') + + thought_vector = Input(shape=(self._params.hidden_layer_dim, ), dtype=K.floatx(), name='dec_thought_vector') + # output shape == (batch_size, hidden_layer_dim) + response_tokens_ids = tokens_emb_model.inputs[0] + # output shape == (batch_size, seq_len) + condition_id = condition_emb_model.inputs[0] + # output shape == (batch_size, 1) + temperature = Input(shape=(1, ), dtype='float32', name='dec_temperature') + # output shape == (batch_size, 1) + + # hardcode decoder's depth here: the general solution for any number of stacked rnn layers hs num is too bulky + # and we don't need it, so keep it simple, stupid + self._decoder_depth = 2 + # keep inputs for rnn decoder hidden states globally accessible for all model layers that are using them + # otherwise you may encounter a keras bug that affects rnn stateful models + # related discussion: https://github.com/keras-team/keras/issues/9385#issuecomment-365464721 + self._dec_hs_input = Input( + shape=(self._decoder_depth, self._params.hidden_layer_dim), dtype=K.floatx(), name='dec_hs') + # shape == (batch_size, dec_depth, hidden_layer_dim) + + response_tokens_embeddings = tokens_emb_model(response_tokens_ids) + # output shape == (batch_size, seq_len, token_emb_size) + condition_embedding = condition_emb_model(condition_id) + # output shape == (batch_size, cond_emb_size) + conditioned_tv = Concatenate(name='conditioned_tv')([thought_vector, condition_embedding]) + # output shape == (batch_size, hidden_layer_dim + cond_emb_size) + + # Temporary solution: + # use a custom lambda function for layer repeating and manually set output_shape + # otherwise the consequent Concatenate layer won't work + repeated_conditioned_tv = Lambda( + function=repeat_vector, + mask=lambda inputs, inputs_masks: inputs_masks[0], # function to get mask of the first input + output_shape=(None, self._params.hidden_layer_dim + self._condition_embedding_dim), + name='repeated_conditioned_tv')([conditioned_tv, response_tokens_ids]) + # output shape == (batch_size, seq_len, hidden_layer_dim + cond_emb_size) + + decoder_input = Concatenate(name='concat_emb_cond_tv')([response_tokens_embeddings, repeated_conditioned_tv]) + # output shape == (batch_size, seq_len, token_emb_size + hidden_layer_dim + cond_emb_size) + + # unpack hidden states to tensors + dec_hs_0 = Lambda( + function=lambda x: x[:, 0, :], output_shape=(self._params.hidden_layer_dim, ), + name='dec_hs_0')(self._dec_hs_input) + + dec_hs_1 = Lambda( + function=lambda x: x[:, 1, :], output_shape=(self._params.hidden_layer_dim, ), + name='dec_hs_1')(self._dec_hs_input) + + outputs_seq_0, updated_hs_seq_0 = self._rnn_class( + units=self._params.hidden_layer_dim, return_sequences=True, return_state=True, name='decoder_0')\ + (decoder_input, initial_state=dec_hs_0) + # outputs_seq_0 and updated_hs_seq_0 shapes == (batch_size, seq_len, hidden_layer_dim) + + outputs_seq_1, updated_hs_seq_1 = self._rnn_class( + units=self._params.hidden_layer_dim, return_sequences=True, return_state=True, name='decoder_1')\ + (outputs_seq_0, initial_state=dec_hs_1) + # outputs_seq_1 and updated_hs_seq_1 shapes == (batch_size, seq_len, hidden_layer_dim) + + outputs_dropout = Dropout(rate=self._params.dense_dropout_ratio)(outputs_seq_1) + # output shape == (batch_size, seq_len, hidden_layer_dim) + tokens_logits = Dense(self._vocab_size)(outputs_dropout) + # output shape == (batch_size, seq_len, vocab_size) + tokens_probs = softmax_with_temperature(tokens_logits, temperature) + # output shape == (batch_size, seq_len, vocab_size) + + # pack updated hidden states into one tensor + updated_hs = Concatenate( + axis=1, name='updated_hs')([ + Reshape((1, self._params.hidden_layer_dim))(updated_hs_seq_0), + Reshape((1, self._params.hidden_layer_dim))(updated_hs_seq_1) + ]) + + decoder_training_model = Model( + inputs=[thought_vector, response_tokens_ids, condition_id, self._dec_hs_input], + outputs=[tokens_logits], + name='decoder_training_model') + + decoder_model = Model( + inputs=[thought_vector, response_tokens_ids, condition_id, self._dec_hs_input, temperature], + outputs=[tokens_probs, updated_hs], + name='decoder_model') + + return decoder_training_model, decoder_model + + def _seq2seq(self, context_encoder, decoder_training, decoder): + self._logger.info('Building seq2seq...') + + context_tokens_ids = context_encoder.inputs[0] + # output shape == (batch_size, context_size, input_seq_len) + response_tokens_ids = decoder.inputs[1] + # output shape == (batch_size, output_seq_len - 1) + condition_id = decoder.inputs[2] + # output shape == (batch_size, 1) + temperature = decoder.inputs[4] + # output shape == (batch_size, 1) + + context_encoding = context_encoder(inputs=[context_tokens_ids]) + # output shape == (batch_size, hidden_layer_dim) + + tokens_logits = decoder_training( + inputs=[context_encoding, response_tokens_ids, condition_id, self._dec_hs_input]) + # tokens_probs shape == (batch_size, output_seq_len - 1, vocab_size) + + tokens_probs, _ = decoder( + inputs=[context_encoding, response_tokens_ids, condition_id, self._dec_hs_input, temperature]) + # tokens_probs shape == (batch_size, output_seq_len - 1, vocab_size) + + training_model = Model( + inputs=[context_tokens_ids, response_tokens_ids, condition_id, self._dec_hs_input], + outputs=[tokens_logits], + name='seq2seq_training_model') + + model = Model( + inputs=[context_tokens_ids, response_tokens_ids, condition_id, self._dec_hs_input, temperature], + outputs=[tokens_probs], + name='seq2seq_model') + + return training_model, model + + def _get_training_batch_generator(self): + # set unique random seed for different workers to correctly process batches in multi-gpu training + horovod_seed = self._horovod.rank() if self._horovod else 0 + epoch_id = 0 + + while True: # inifinite batches generator + epoch_id += 1 + + for train_batch in get_training_batch( + self._training_data, + self._params.train_batch_size, + random_permute=SHUFFLE_TRAINING_BATCHES, + random_seed=RANDOM_SEED * epoch_id + horovod_seed): + + context_tokens_ids, response_tokens_ids, condition_id = train_batch + # response tokens are wraped with _start_ and _end_ tokens + # output shape == (batch_size, seq_len) + + # get input response ids by removing last sequence token (_end_) + input_response_tokens_ids = response_tokens_ids[:, :-1] + # output shape == (batch_size, seq_len - 1) + + # get target response ids by removing the first (_start_) token of the sequence + target_response_tokens_ids = response_tokens_ids[:, 1:] + # output shape == (batch_size, seq_len - 1) + + # workaround for using sparse_categorical_crossentropy loss + # see https://github.com/tensorflow/tensorflow/issues/17150#issuecomment-399776510 + target_response_tokens_ids = np.expand_dims(target_response_tokens_ids, axis=-1) + # output shape == (batch_size, seq_len - 1, 1) + + init_dec_hs = np.zeros( + shape=(context_tokens_ids.shape[0], self._decoder_depth, self._params.hidden_layer_dim), + dtype=K.floatx()) + + yield [context_tokens_ids, input_response_tokens_ids, condition_id, + init_dec_hs], target_response_tokens_ids + + def _get_epoch_batches_num(self): + return self._batches_num_per_epoch + + def get_utterance_encoding(self, utterance_tokens_ids): """ - Helper function that creates a sequence of layers to clean up the tensor from all elements, - corresponding to the first token in the sequence + :param utterance_tokens_ids: shape == (batch_size, seq_len), int32 + :return: utterance_encoding shape == (batch_size, hidden_layer_dim), float32 """ - new_flattened_shape = (unflatten_sequences_shape[0] * (unflatten_sequences_shape[1] - 1),) \ - + unflatten_sequences_shape[2:] - - sliced = SliceLayer( - incoming=reshape(input_layer, unflatten_sequences_shape) if flatten_input else input_layer, - indices=slice(1, None), - axis=1) # sequence axis - return reshape(sliced, new_flattened_shape) + return self._models['utterance_encoder'](utterance_tokens_ids) - def _add_output_dense(self): + def get_thought_vectors(self, context_tokens_ids): """ - Adds a dense layer on top of the decoder to convert hidden_state vector to probs distribution over vocabulary. - For every prob sequence last prob vectors are cut off since they correspond - to the tokens that go after EOS_TOKEN and we are not interested in them. - Doesn't need to reshape back the cut tensor since it's convenient to compare - this "long" output with true one-hot vectors. + :param context_tokens_ids, shape == (batch_size, context_size, seq_len), int32 + :return: context_encoding, shape == (batch_size, hidden_layer_dim), float32 """ - self._net['dec_dropout'] = DropoutLayer( - incoming=reshape(self._net['dec'], (-1, self._hidden_layer_dim)), - p=self._dense_dropout_ratio, - name='decoder_dropout_layer') - - self._net['target'] = self._remove_all_first_tokens( - self._net['input_y'], - unflatten_sequences_shape=(self._batch_size, self._output_seq_len), - flatten_input=False) - - self._net['dec_dropout_nolast'] = self._remove_all_last_tokens( - self._net['dec_dropout'], - unflatten_sequences_shape=(self._batch_size, self._output_seq_len, self._hidden_layer_dim)) - - self._net['dist_nolast'] = DenseLayer( - incoming=self._net['dec_dropout_nolast'], - num_units=self._vocab_size, - nonlinearity=lasagne.nonlinearities.softmax, - name='dense_output_probs') - - dist_layer_params = get_all_params(self._net['dist_nolast']) - param_name_to_param = {p.name: p for p in dist_layer_params} - - self._net['dist'] = DenseLayer( - incoming=self._net['dec_dropout'], - num_units=self._vocab_size, - nonlinearity=lasagne.nonlinearities.softmax, - W=param_name_to_param['dense_output_probs.W'], - b=param_name_to_param['dense_output_probs.b'], - name='dense_output_probs') - # output tensor has shape (batch_size * (seq_len - 1), vocab_size) - - def _get_train_fn(self): - output_probs = get_output(self._net['dist_nolast']) - - mask = get_output(self._net['input_y_mask'])[:, 1:].flatten() - nonpad_ids = mask.nonzero() - - target_ids = get_output(self._net['target']) - loss_per_object = categorical_crossentropy(predictions=output_probs, targets=target_ids) - loss = loss_per_object[nonpad_ids].mean() - - all_params = get_all_params(self._net['dist'], trainable=True) - - _logger.info('Computing train updates...') - updates = lasagne.updates.adadelta(loss_or_grads=loss, params=all_params, learning_rate=self._learning_rate) - - _logger.info('Compiling train function...') - - train_fn = theano.function( - inputs=[ - self._net['input_x'].input_var, self._net['input_y'].input_var, - self._net['input_condition_id'].input_var - ], - givens={ - self._net['hid_states_decoder'].input_var: - T.zeros((self._batch_size, self._decoder_depth, self._hidden_layer_dim)), - self._net['thought_vector'].input_var: - self._default_thoughts_vector, - self._net['switch_enc_to_tv']: - np.cast[np.int32](False) # Doesn't compile without explicit casting here - }, - outputs=loss, - updates=updates) - return train_fn - - def train(self, *args): - if not self._train_fn: - self._train_fn = self._get_train_fn() - - return self._train_fn(*args) - - def _get_nn_output(self, remove_last_output=True): + return self._models['context_encoder'].predict(context_tokens_ids) + + def predict_prob(self, context_tokens_ids, response_tokens_ids, condition_id, temperature=1.0): """ - :param remove_last_output: If True, prediction for the last token in the sequence is removed. - If we predict all the outputs for loss calculation and scoring we need to throw away the last prediction - If we only want to get the distribution to predict the next token, this removing is unnecessary. + :param context_tokens_ids: shape == (batch_size, context_size, seq_len), int32 + :param response_tokens_ids: shape == (batch_size, seq_len), int32 + :param condition_id: shape == (batch_size, 1), int32 + :param temperature: float32 :return: + tokens_probs: shape == (batch_size, seq_len, vocab_size), float32 """ - if 'output_probs' not in self._net: - output_probs = get_output(self._net['dist'], deterministic=True) - output_probs = T.reshape(output_probs, (self._batch_size, -1, self._vocab_size)) - self._net['output_probs'] = output_probs - - # We remove the last probability in the sequence to match the input. - # output_probs has shape (batch_size * (seq_len - 1), vocab_size) - if remove_last_output: - return self._net['output_probs'][:, :-1, :] - # output_probs has shape (batch_size, seq_len - 1, vocab_size) - else: - return self._net['output_probs'] + # remove last token, but keep first token to match seq2seq decoder input's shape + response_tokens_ids = response_tokens_ids[:, :-1] + # shape == (batch_size, seq_len - 1) - @staticmethod - def _perform_temperature_transform(probs, temperature): - transformed_log_probs = T.log(probs) / temperature - # For numerical stability (e.g. for low temperatures: - transformed_log_probs = transformed_log_probs - T.max(transformed_log_probs, axis=2, keepdims=True) - # Normalization: - return T.exp(transformed_log_probs) / T.sum(T.exp(transformed_log_probs), axis=2, keepdims=True) - - def _get_predict_fn(self, logarithm_output_probs): - output_probs = self._get_nn_output() - - _logger.info('Compiling predict function (log_prob=%s)...' % logarithm_output_probs) - - predict_fn = theano.function( - inputs=[ - self._net['input_x'].input_var, self._net['input_y'].input_var, - self._net['input_condition_id'].input_var - ], - givens={ - self._net['hid_states_decoder'].input_var: - T.zeros((self._batch_size, self._decoder_depth, self._hidden_layer_dim)), - self._net['thought_vector'].input_var: - self._default_thoughts_vector, - self._net['switch_enc_to_tv']: - np.cast[np.int32](False) # Doesn't compile without explicit casting here - }, - outputs=T.log(output_probs) if logarithm_output_probs else output_probs) - return predict_fn - - def _get_predict_one_step_fn(self, logarithm_output_probs): - output_probs = self._get_nn_output(remove_last_output=False) - new_hiddens = [ - get_output(self._net['dec_{}'.format(layer_id)], deterministic=True) - for layer_id in xrange(1, self._decoder_depth + 1) - ] - - tranformed_output_probs = self._perform_temperature_transform(output_probs, self._temperature) - - _logger.info('Compiling one-step predict function (log_prob=%s)...' % logarithm_output_probs) - predict_one_step_fn = theano.function( - inputs=[ - self._net['thought_vector'].input_var, self._net['hid_states_decoder'].input_var, - self._net['input_y'].input_var, self._net['input_condition_id'].input_var, self._temperature - ], - givens={ - self._net['input_x'].input_var: self._default_input_x, - self._net['switch_enc_to_tv']: - np.cast[np.int32](True) # Doesn't compile without explicit casting here - }, - outputs=[ - T.concatenate(new_hiddens, axis=1), - T.log(tranformed_output_probs) if logarithm_output_probs else tranformed_output_probs - ], - name='predict_probs_one_step') - return predict_one_step_fn - - def _get_thought_vectors_fn(self): - thought_vector = get_output(self._net['context_enc']) - - thought_vector_fn = theano.function(inputs=[self._net['input_x'].input_var], outputs=thought_vector) - return thought_vector_fn - - def _get_sequence_scores(self): - # Calculate log-likelihood for batch of data on GPU in symbolic operationse - probs = self._get_nn_output() - mask = get_output(self._net['input_y_mask']) - # All shapes are symbolic and are evaluated on run-time only after input tensors are supplied - batch_size, seq_len, vocab_size = probs.shape - total_num_tokens = batch_size * seq_len + init_dec_hs = np.zeros( + shape=(context_tokens_ids.shape[0], self._decoder_depth, self._params.hidden_layer_dim), dtype=K.floatx()) + # shape == (batch_size, decoder_depth, hidden_layer_dim) - # We need reshape here to do effective slicing without any loops or scans - probs_long = probs.reshape((total_num_tokens, vocab_size)) - output_ids = self._net['input_y'].input_var[:, 1:] - mask = mask[:, 1:] # Do not use first tokens for likelihood computation - # (these are start tokens: we don't even have probabilities for them) - token_ids_long = output_ids.reshape((total_num_tokens, )) + temperature = np.full_like(condition_id, temperature, dtype=np.float32) + # shape == (batch_size, 1) - # Select probabilities of only observed tokens and reshape back - observed_tokens_probs = probs_long[T.arange(total_num_tokens), token_ids_long] - observed_tokens_log_probs = T.log(observed_tokens_probs) - nonpad_observed_tokens_log_probs = observed_tokens_log_probs.reshape((batch_size, seq_len)) * mask - batch_scores = nonpad_observed_tokens_log_probs.sum(axis=1) + tokens_probs = self._models['seq2seq'].predict( + [context_tokens_ids, response_tokens_ids, condition_id, init_dec_hs, temperature]) + # shape == (batch_size, seq_len - 1, vocab_size) + return tokens_probs - return batch_scores + def predict_prob_by_thought_vector(self, thought_vector, response_tokens_ids, condition_id, temperature=1.0): + """ + :param thought_vector: shape == (batch_size, hidden_layer_dim), float32 + :param response_tokens_ids: shape == (batch_size, seq_len), int32 + :param condition_id: shape == (batch_size, 1), int32 + :param temperature: float32 + :return: + tokens_probs: shape == (batch_size, seq_len, vocab_size), float32 + """ + # remove last token, but keep first token to match seq2seq decoder input's shape + response_tokens_ids = response_tokens_ids[:, :-1] + # output shape == (batch_size, seq_len - 1) - def _get_predict_sequence_score_fn(self): - batch_scores = self._get_sequence_scores() - _logger.info('Compiling sequence scoring function...') - predict_score_fn = theano.function( - inputs=[ - self._net['input_x'].input_var, self._net['input_y'].input_var, - self._net['input_condition_id'].input_var - ], - givens={ - self._net['hid_states_decoder'].input_var: - T.zeros((self._batch_size, self._decoder_depth, self._hidden_layer_dim)), - self._net['thought_vector'].input_var: - self._default_thoughts_vector, - self._net['switch_enc_to_tv']: - np.cast[np.int32](False) # Doesn't compile without explicit casting here - }, - outputs=batch_scores, - name='predict_sequence_score') - - return predict_score_fn - - def _get_predict_sequence_score_by_thought_vector_fn(self): - # We need batch_size symbolic variable to be independent of input_x, to avoid loops in the computational graph - batch_size = self._net['input_y'].input_var.shape[0] - batch_scores = self._get_sequence_scores() - _logger.info('Compiling sequence scoring function (with thought vectors as arguments)...') - predict_score_fn = theano.function( - inputs=[ - self._net['thought_vector'].input_var, - self._net['input_y'].input_var, - self._net['input_condition_id'].input_var, - ], - givens={ - self._net['input_x'].input_var: - self._default_input_x, - self._net['hid_states_decoder'].input_var: - T.zeros((batch_size, self._decoder_depth, self._hidden_layer_dim)), - self._net['switch_enc_to_tv']: - np.cast[np.int32](True) # Doesn't compile without explicit casting here - }, - outputs=batch_scores, - name='predict_sequence_score_by_thought_vector') - - return predict_score_fn + init_dec_hs = \ + np.zeros((thought_vector.shape[0], self._decoder_depth, self._params.hidden_layer_dim), dtype=K.floatx()) + # shape == (batch_size, decoder_depth, hidden_layer_dim) - @property - def index_to_token(self): - return self._index_to_token + temperature = np.full_like(condition_id, temperature, dtype=np.float32) + # shape == (batch_size, 1) - @property - def condition_to_index(self): - return self._condition_to_index + tokens_probs, _ = self._models['decoder'].predict( + [thought_vector, response_tokens_ids, condition_id, init_dec_hs, temperature]) + # shape == (batch_size, seq_len - 1, vocab_size) + return tokens_probs - @property - def index_to_condition(self): - return self._index_to_condition + def predict_prob_one_step(self, thought_vector, prev_hidden_states, prev_tokens_id, condition_id, temperature=1.0): + """ + :param thought_vector: shape == (batch_size, hidden_layer_dim), float32 + :param prev_hidden_states: shape == (batch_size, 2, hidden_layer_dim), float32 + :param prev_tokens_id: shape == (batch_size, 1), int32 + :param condition_id: shape == (batch_size, 1), int32 + :param temperature: float32 + :return: + updated_hidden_states: shape == (batch_size, 2, hidden_layer_dim), float32 + transformed_token_prob: shape == (batch_size, vocab_size), float32 + """ + temperature = np.full_like(prev_tokens_id, temperature, dtype=np.float32) + # shape == (batch_size, 1) - @property - def token_to_index(self): - return self._token_to_index + token_prob, updated_hidden_states = self._models['decoder'].predict( + [thought_vector, prev_tokens_id, condition_id, prev_hidden_states, temperature]) + return updated_hidden_states, token_prob - @property - def model_load_path(self): - return self._model_load_path + def predict_log_prob(self, context_tokens_ids, response_tokens_ids, condition_id, temperature=1.0): + """ + :param context_tokens_ids: shape == (batch_size, context_size, seq_len), int32 + :param response_tokens_ids: shape == (batch_size, seq_len), int32 + :param condition_id: shape == (batch_size, 1), int32 + :param temperature: float32 + :return: + tokens_probs: shape == (batch_size, seq_len, vocab_size), float32 + """ + tokens_probs = self.predict_prob(context_tokens_ids, response_tokens_ids, condition_id, temperature) - @property - def vocab_size(self): - return self._vocab_size + tokens_log_probs = np.log(tokens_probs) + return tokens_log_probs - @property - def skip_token_id(self): - return self._skip_token_id + def predict_log_prob_one_step(self, + thought_vector, + prev_hidden_states, + prev_tokens_id, + condition_id, + temperature=1.0): + """ + :param thought_vector: shape == (batch_size, hidden_layer_dim), float32 + :param prev_hidden_states: shape == (batch_size, 2 * hidden_layer_dim), float32 + :param prev_tokens_id: shape == (batch_size, 1), int32 + :param condition_id: shape == (batch_size, 1), int32 + :param temperature: float32 + :return: + updated_hidden_states: shape == (batch_size, 2 * hidden_layer_dim), float32 + transformed_token_prob: shape == (batch_size, vocab_size), float32 + """ + updated_hidden_states, token_prob = self.predict_prob_one_step(thought_vector, prev_hidden_states, + prev_tokens_id, condition_id, temperature) - @property - def hidden_layer_dim(self): - return self._hidden_layer_dim + token_log_prob = np.log(token_prob) + return updated_hidden_states, token_log_prob - @property - def decoder_depth(self): - return self._decoder_depth + def _compute_sequence_score(self, tokens_ids, tokens_probs): + """ + :param tokens_ids: shape == (batch_size, seq_len), int32 + :param tokens_probs: shape == (batch_size, seq_len - 1, vocab_size), float32 + :return: + """ + mask = tokens_ids != self._skip_token_id + # shape == (batch_size, seq_len) - @property - def is_reverse_model(self): - return self._is_reverse_model + # All shapes are symbolic and are evaluated on run-time only after input tensors are supplied + batch_size, truncated_seq_len, vocab_size = tokens_probs.shape + total_tokens_num = batch_size * truncated_seq_len - def load_weights(self): - _logger.info('\nLoading saved weights from file:\n{}\n'.format(self.model_load_path)) - saved_var_name_to_var = OrderedDict(np.load(self.model_load_path)) + # We need to reshape here for effective slicing without any loops or scans + probs_long = tokens_probs.reshape((total_tokens_num, vocab_size)) + # shape == (batch_size * (seq_len - 1), vocab_size), float32 - var_name_to_var = OrderedDict([(v.name, v) for v in get_all_params(self._net['dist'])]) - initialized_vars, missing_vars, mismatched_vars = [], [], [] + # Do not use first tokens for likelihood computation: + # these are _start_ tokens, we don't have probabilities for them + output_ids = tokens_ids[:, 1:] + # shape == (batch_size, seq_len - 1) + mask = mask[:, 1:] + # shape == (batch_size, seq_len - 1) - for var_name, var in iteritems(var_name_to_var): - if var_name not in saved_var_name_to_var: - missing_vars.append(var_name) - continue + token_ids_flattened = output_ids.reshape((total_tokens_num, )) + # shape == (batch_size * (seq_len - 1)) - default_var_value = var.get_value() - saved_var_value = saved_var_name_to_var[var_name] + # Select probabilities of only observed tokens and reshape back + observed_tokens_probs = probs_long[np.arange(total_tokens_num), token_ids_flattened] + # shape == (batch_size * (seq_len - 1), ) + observed_tokens_log_probs = np.log(observed_tokens_probs) + # shape == (batch_size * (seq_len - 1), ) + nonpad_observed_tokens_log_probs = observed_tokens_log_probs.reshape((batch_size, truncated_seq_len)) * mask + # shape == (batch_size, seq_len - 1) - if default_var_value.shape != saved_var_value.shape: - mismatched_vars.append((var_name, default_var_value.shape, saved_var_value.shape)) - continue + batch_scores = nonpad_observed_tokens_log_probs.sum(axis=1) + # shape == (batch_size, ) + return batch_scores + + def predict_sequence_score(self, context_tokens_ids, response_tokens_ids, condition_id): + """ + :param context_tokens_ids: shape == (batch_size, context_size, seq_len), int32 + :param response_tokens_ids: shape == (batch_size, seq_len), int32 + :param condition_id: shape == (batch_size, 1), int32 + :return: + sequence_score: shape == (batch_size, 1), float32 + """ + response_tokens_probs = self.predict_prob(context_tokens_ids, response_tokens_ids, condition_id) + # output shape == (batch_size, seq_len - 1, vocab_size) - # Checks passed, set parameter value - var.set_value(saved_var_value) - initialized_vars.append(var_name) - del saved_var_name_to_var[var_name] + return self._compute_sequence_score(response_tokens_ids, response_tokens_probs) - laconic_logger.info('\nRestored saved params:') - for var_name in initialized_vars: - laconic_logger.info('\t' + var_name) + def predict_sequence_score_by_thought_vector(self, thought_vector, response_tokens_ids, condition_id): + """ + :param thought_vector: shape == (batch_size, hidden_layer_dim), float32 + :param response_tokens_ids: shape == (batch_size, seq_len), int32 + :param condition_id: shape == (batch_size, 1), int32 + :return: + sequence_score: shape == (batch_size, 1), float32 + """ + response_tokens_probs = self.predict_prob_by_thought_vector(thought_vector, response_tokens_ids, condition_id) + # output shape == (batch_size, seq_len - 1, vocab_size) - laconic_logger.warning('\nMissing saved params:') - for var_name in missing_vars: - laconic_logger.warning('\t' + var_name) + return self._compute_sequence_score(response_tokens_ids, response_tokens_probs) - laconic_logger.warning('\nShapes-mismatched params (saved -> current):') - for var_name, default_shape, saved_shape in mismatched_vars: - laconic_logger.warning('\t{0:<40} {1:<12} -> {2:<12}'.format(var_name, saved_shape, default_shape)) + def _evaluate(self): + self._logger.info('Evaluating model\'s perplexity...') + metrics = {} - laconic_logger.warning('\nUnused saved params:') - for var_name in saved_var_name_to_var: - laconic_logger.warning('\t' + var_name) + for dataset_name, dataset in self._validation_data.items(): + perplexity = calculate_model_mean_perplexity(self, dataset) + metrics[dataset_name] = {'perplexity': perplexity} - laconic_logger.info('') + return metrics - def save_model(self, save_path): - ensure_dir(os.path.dirname(save_path)) - all_params = get_all_params(self._net['dist']) - with open(save_path, 'wb') as f: - params = {v.name: v.get_value() for v in all_params} - np.savez(f, **params) + @staticmethod + def _build_embedding_matrix(token_to_index, w2v_model, embedding_dim): + embedding_matrix = np.zeros((len(token_to_index), embedding_dim)) + for token, index in token_to_index.items(): + embedding_matrix[index] = get_token_vector(token, w2v_model, embedding_dim) - _logger.info('\nSaved model:\n{}\n'.format(save_path)) + return embedding_matrix @staticmethod - def delete_model(delete_path): - if not os.path.isfile(delete_path): - _logger.warning('Couldn\'t delete model. File not found:\n"{}"'.format(delete_path)) + def _get_metric_mean(metrics, metric_name): + return np.mean([metrics[dataset_name][metric_name] for dataset_name in metrics]) + + def _is_better_model(self, new_metrics, old_metrics): + return self._get_metric_mean(new_metrics, metric_name='perplexity') < \ + self._get_metric_mean(old_metrics, metric_name='perplexity') + + def _load_model_if_exists(self): + if self._model_init_path: + self._model = self._load_model(self._model, self._model_init_path) return - os.remove(delete_path) - _logger.info('\nModel is deleted:\n{}'.format(delete_path)) - - def print_layer_shapes(self): - laconic_logger.info('Net shapes:') - - layers = get_all_layers(self._net['dist']) - for l in layers: - laconic_logger.info('\t%-20s \t%s' % (l.name, get_output_shape(l))) - - def print_matrices_weights(self): - laconic_logger.info('\nNet matrices weights:') - params = get_all_params(self._net['dist']) - values = get_all_param_values(self._net['dist']) - - total_network_size = 0 - for p, v in zip(params, values): - param_size = float(v.nbytes) / 1024 / 1024 - # Work around numpy/python 3 regression: - # http://www.markhneedham.com/blog/2017/11/19/python-3-typeerror-unsupported-format-string-passed-to-numpy-ndarray-__format__/ - laconic_logger.info('\t{0:<40} dtype: {1:<10} shape: {2:<12} size: {3:<.2f}M'.format( - p.name, repr(v.dtype), repr(v.shape), param_size)) - total_network_size += param_size - laconic_logger.info('Total network size: {0:.1f} Mb'.format(total_network_size)) - - -def get_nn_model(index_to_token, index_to_condition, model_init_path=None, w2v_matrix=None, resolver_factory=None, - is_reverse_model=False): - model = CakeChatModel(index_to_token, - index_to_condition, - model_init_path=model_init_path, - init_embedding=w2v_matrix, - is_reverse_model=is_reverse_model) - - model.print_layer_shapes() - - # try to initialise model with pre-trained weights - resolver = resolver_factory(model.model_load_path) if resolver_factory else DummyFileResolver(model.model_load_path) - model_exists = resolver.resolve() - - if model_exists: - model.load_weights() - elif model_init_path: - raise FileNotFoundException('Can\'t initialize model from file:\n{}\n'.format(model_init_path)) - else: - _logger.info('\nModel will be built with initial weights.\n') - - model.print_matrices_weights() - _logger.info('\nModel is built\n') - - return model, model_exists + # proceed with usual process of weights loading if no _model_init_path is passed + super(CakeChatModel, self)._load_model_if_exists() diff --git a/cakechat/dialog_model/model_utils.py b/cakechat/dialog_model/model_utils.py index 41799ac..9cfe749 100644 --- a/cakechat/dialog_model/model_utils.py +++ b/cakechat/dialog_model/model_utils.py @@ -1,28 +1,30 @@ from itertools import islice import numpy as np -import theano -from six import text_type -from six.moves import xrange, map, zip -from cakechat.config import TRAIN_CORPUS_NAME, WORD_EMBEDDING_DIMENSION, INPUT_CONTEXT_SIZE, INPUT_SEQUENCE_LENGTH, DEFAULT_CONDITION, \ - S3_MODELS_BUCKET_NAME, S3_W2V_REMOTE_DIR, OUTPUT_SEQUENCE_LENGTH, W2V_WINDOW_SIZE, USE_SKIP_GRAM +from cakechat.config import INPUT_CONTEXT_SIZE, INPUT_SEQUENCE_LENGTH, DEFAULT_CONDITION, OUTPUT_SEQUENCE_LENGTH, \ + AUTOENCODER_MODE, RANDOM_SEED, INTX from cakechat.utils.data_types import Dataset from cakechat.utils.logger import get_logger -from cakechat.utils.s3 import S3FileResolver from cakechat.utils.tee_file import file_buffered_tee from cakechat.utils.text_processing import SPECIAL_TOKENS -from cakechat.utils.w2v import get_w2v_model _logger = get_logger(__name__) +class ModelLoaderException(Exception): + pass + + def transform_conditions_to_ids(conditions, condition_to_index, n_dialogs): condition_ids_iterator = map( lambda condition: condition_to_index.get(condition, condition_to_index[DEFAULT_CONDITION]), conditions) - condition_ids = np.full(n_dialogs, condition_to_index[DEFAULT_CONDITION], dtype=np.int32) + condition_ids = np.full(n_dialogs, condition_to_index[DEFAULT_CONDITION], dtype=INTX) + # shape == (n_dialogs, ) for sample_idx, condition_id in enumerate(condition_ids_iterator): condition_ids[sample_idx] = condition_id + + # shape == (n_dialogs, 1) return condition_ids @@ -48,7 +50,7 @@ def transform_contexts_to_token_ids(tokenized_contexts, :param max_context_len: maximum context length :param max_contexts_num: maximum number of contexts :param add_start_end: add start/end tokens to sequence - :return: X -- numpy array, dtype=np.int32, shape = (max_lines_num, max_context_len, max_line_len). + :return: X -- numpy array, dtype=INTX, shape = (max_lines_num, max_context_len, max_line_len). """ if max_contexts_num is None: @@ -56,8 +58,7 @@ def transform_contexts_to_token_ids(tokenized_contexts, raise TypeError('tokenized_lines should has list type if max_lines_num is not specified') max_contexts_num = len(tokenized_contexts) - X = np.full( - (max_contexts_num, max_context_len, max_line_len), token_to_index[SPECIAL_TOKENS.PAD_TOKEN], dtype=np.int32) + X = np.full((max_contexts_num, max_context_len, max_line_len), token_to_index[SPECIAL_TOKENS.PAD_TOKEN], dtype=INTX) for context_idx, context in enumerate(tokenized_contexts): if context_idx >= max_contexts_num: @@ -91,7 +92,7 @@ def transform_lines_to_token_ids(tokenized_lines, token_to_index, max_line_len, :param max_line_len: maximum number of tokens in a lineh :param max_lines_num: maximum number of lines :param add_start_end: add start/end tokens to sequence - :return: X -- numpy array, dtype=np.int32, shape = (max_lines_num, max_line_len). + :return: X -- numpy array, dtype=INTX, shape = (max_lines_num, max_line_len). """ if max_lines_num is None: @@ -99,7 +100,7 @@ def transform_lines_to_token_ids(tokenized_lines, token_to_index, max_line_len, raise TypeError('tokenized_lines should has list type if max_lines_num is not specified') max_lines_num = len(tokenized_lines) - X = np.full((max_lines_num, max_line_len), token_to_index[SPECIAL_TOKENS.PAD_TOKEN], dtype=np.int32) + X = np.full((max_lines_num, max_line_len), token_to_index[SPECIAL_TOKENS.PAD_TOKEN], dtype=INTX) for line_idx, line in enumerate(tokenized_lines): if line_idx >= max_lines_num: @@ -128,9 +129,9 @@ def transform_token_ids_to_sentences(y_ids, index_to_token): n_responses, n_tokens = y_ids.shape responses = [] - for resp_idx in xrange(n_responses): + for resp_idx in range(n_responses): response_tokens = [] - for token_idx in xrange(n_tokens): + for token_idx in range(n_tokens): token_to_add = index_to_token[y_ids[resp_idx, token_idx]] if token_to_add in [SPECIAL_TOKENS.EOS_TOKEN, SPECIAL_TOKENS.PAD_TOKEN]: @@ -140,9 +141,6 @@ def transform_token_ids_to_sentences(y_ids, index_to_token): response_tokens.append(token_to_add) response_str = ' '.join(response_tokens) - if not isinstance(response_str, text_type): - response_str = response_str.decode('utf-8') - responses.append(response_str) return responses @@ -160,11 +158,11 @@ def transform_context_token_ids_to_sentences(x_ids, index_to_token): n_samples, n_contexts, n_tokens = x_ids.shape samples = [] - for sample_idx in xrange(n_samples): + for sample_idx in range(n_samples): context_samples = [] - for cont_idx in xrange(n_contexts): + for cont_idx in range(n_contexts): sample_tokens = [] - for token_idx in xrange(n_tokens): + for token_idx in range(n_tokens): token_to_add = index_to_token[x_ids[sample_idx, cont_idx, token_idx]] if token_to_add == SPECIAL_TOKENS.EOS_TOKEN or token_to_add == SPECIAL_TOKENS.PAD_TOKEN: @@ -175,9 +173,6 @@ def transform_context_token_ids_to_sentences(x_ids, index_to_token): sample_tokens.append(token_to_add) sample_str = ' '.join(sample_tokens) - if not isinstance(sample_str, text_type): - sample_str = sample_str.decode('utf-8') - context_samples.append(sample_str) samples.append(' / '.join(context_samples)) return samples @@ -189,7 +184,7 @@ def _get_token_vector(token, w2v_model): elif token == SPECIAL_TOKENS.PAD_TOKEN: return np.zeros(w2v_model.vector_size) else: - _logger.warning('Can\'t find token [%s] in w2v dict' % token) + _logger.warning('Can\'t find token [{}] in w2v dict'.format(token)) if not hasattr(_get_token_vector, 'unk_vector'): if SPECIAL_TOKENS.UNKNOWN_TOKEN in w2v_model.wv.vocab: _get_token_vector.unk_vector = np.array(w2v_model[SPECIAL_TOKENS.UNKNOWN_TOKEN]) @@ -198,45 +193,22 @@ def _get_token_vector(token, w2v_model): return _get_token_vector.unk_vector -def transform_w2v_model_to_matrix(w2v_model, index_to_token): - _logger.info('Preparing embedding matrix based on w2v_model and index_to_token dict') - - token_to_index = {v: k for k, v in index_to_token.items()} - tokens_num = len(index_to_token) - output = np.zeros((tokens_num, WORD_EMBEDDING_DIMENSION), dtype=theano.config.floatX) - for token in index_to_token.values(): - idx = token_to_index[token] - output[idx] = _get_token_vector(token, w2v_model) - - return output - - -def get_w2v_embedding_matrix(tokenized_dialog_lines, index_to_token, add_start_end=False): - if add_start_end: - tokenized_dialog_lines = ( - [SPECIAL_TOKENS.START_TOKEN] + line + [SPECIAL_TOKENS.EOS_TOKEN] for line in tokenized_dialog_lines) - - w2v_resolver_factory = S3FileResolver.init_resolver(bucket_name=S3_MODELS_BUCKET_NAME, remote_dir=S3_W2V_REMOTE_DIR) - - w2v_model = get_w2v_model( - TRAIN_CORPUS_NAME, - len(index_to_token), - model_resolver_factory=w2v_resolver_factory, - tokenized_lines=tokenized_dialog_lines, - vec_size=WORD_EMBEDDING_DIMENSION, - window_size=W2V_WINDOW_SIZE, - skip_gram=USE_SKIP_GRAM) - w2v_matrix = transform_w2v_model_to_matrix(w2v_model, index_to_token) - return w2v_matrix - - -def get_training_batch(inputs, batch_size, random_permute=False): +def get_training_batch(inputs, batch_size, random_permute=False, random_seed=RANDOM_SEED): + """ + Generator that yields data in batches. The last batch may be incomplete, yield it as well. + :param inputs: tuple of numpy arrays, for example (contexts_ids, responses_ids, conditions_ids) + :param batch_size: length of numpy arrays to be yielded for each input + :param random_permute: if True input arrays data will be synchronously shuffled before yielding + :param random_seed: seed to ensure the identical shuffling of input data for experiments reproducibility + :return: generator that yields tuples of numpy arrays with batch_size length + """ n_samples = inputs[0].shape[0] n_batches = n_samples // batch_size batches_seq = np.arange(n_batches) samples_seq = np.arange(n_samples) if random_permute: + np.random.seed(random_seed) np.random.shuffle(samples_seq) for i in batches_seq: @@ -318,7 +290,7 @@ def _get_x_data_iterator_with_context(x_data_iterator, y_data_iterator, context_ last_y_line = y_line -def transform_lines_to_nn_input(tokenized_dialog_lines, token_to_index): +def transform_lines_to_nn_input(tokenized_dialog_lines, token_to_index, autoencoder_mode=AUTOENCODER_MODE): """ Splits lines (IterableSentences) and generates numpy arrays of token ids suitable for training. Doesn't store all lines in memory. @@ -328,9 +300,11 @@ def transform_lines_to_nn_input(tokenized_dialog_lines, token_to_index): _logger.info('Iterating through lines to get number of elements in the dataset') n_dialogs = sum(1 for _ in iterator_for_len_calc) - x_data_iterator = islice(x_data_iterator, 0, None, 2) - y_data_iterator = islice(y_data_iterator, 1, None, 2) - n_dialogs //= 2 + if not autoencoder_mode: + # seq2seq mode + x_data_iterator = islice(x_data_iterator, 0, None, 2) + y_data_iterator = islice(y_data_iterator, 1, None, 2) + n_dialogs //= 2 y_data_iterator, y_data_iterator_for_context = file_buffered_tee(y_data_iterator) x_data_iterator = _get_x_data_iterator_with_context(x_data_iterator, y_data_iterator_for_context) diff --git a/cakechat/dialog_model/quality/__init__.py b/cakechat/dialog_model/quality/__init__.py index 31c8ab4..994a101 100644 --- a/cakechat/dialog_model/quality/__init__.py +++ b/cakechat/dialog_model/quality/__init__.py @@ -3,5 +3,4 @@ from cakechat.dialog_model.quality.metrics.perplexity import calculate_model_mean_perplexity from cakechat.dialog_model.quality.metrics.ranking import compute_average_precision, compute_recall_k, \ compute_retrieval_metric_mean -from cakechat.dialog_model.quality.logging import save_metrics, save_test_results, calculate_and_log_val_metrics, \ - log_predictions +from cakechat.dialog_model.quality.logging import calculate_and_log_val_metrics, log_predictions diff --git a/cakechat/dialog_model/quality/logging.py b/cakechat/dialog_model/quality/logging.py index 051b780..80cd089 100644 --- a/cakechat/dialog_model/quality/logging.py +++ b/cakechat/dialog_model/quality/logging.py @@ -1,120 +1,57 @@ +import csv import os -import subprocess -import sys -import time -from collections import namedtuple from datetime import datetime -from six.moves import xrange import pandas as pd -# UnicodeCSV requires files to be opened as binary on Python3 by design. -# https://github.com/jdunck/python-unicodecsv/issues/65 -if sys.version_info[0] == 2: - import unicodecsv as csv -else: - import csv - -from cakechat.config import DATA_DIR, PREDICTION_MODE_FOR_TESTS, MAX_PREDICTIONS_LENGTH +from cakechat.config import PREDICTION_MODE_FOR_TESTS, MAX_PREDICTIONS_LENGTH from cakechat.dialog_model.inference import get_nn_responses from cakechat.dialog_model.model_utils import transform_context_token_ids_to_sentences from cakechat.dialog_model.quality import calculate_model_mean_perplexity, calculate_response_ngram_distinctness from cakechat.utils.files_utils import ensure_dir from cakechat.utils.logger import get_logger -from cakechat.utils.plotters import TensorboardMetricsPlotter - -_StatsInfo = namedtuple('StatsInfo', 'start_time, iteration_num, sents_batches_num') - -_TENSORBOARD_LOG_DIR = os.path.join(DATA_DIR, 'tensorboard') -_METRIC_NAMES = ['perplexity', 'unigram_distinctness', 'bigram_distinctness'] _logger = get_logger(__name__) -_tensorboard_metrics_plotter = TensorboardMetricsPlotter(_TENSORBOARD_LOG_DIR) - - -def _get_git_revision_short_hash(): - return subprocess.check_output(['git', 'rev-parse', '--short', 'HEAD']) - - -def _get_formatted_time(seconds): - m, s = divmod(seconds, 60) - h, m = divmod(m, 60) - formatted_time = '%d:%02d:%02d' % (h, m, s) - - return formatted_time - - -def _get_iteration_stats(stats_info): - stats_str = 'Batch iteration number %s\n' % str(stats_info.iteration_num) - - total_elapsed_time = time.time() - stats_info.start_time - stats_str += 'Total elapsed time: %s\n' % _get_formatted_time(total_elapsed_time) - - elapsed_time_per_iteration = total_elapsed_time / (stats_info.iteration_num + 1) - stats_str += 'Elapsed time for a batch: %s\n' % _get_formatted_time(elapsed_time_per_iteration) - - estimated_time_for_full_pass = elapsed_time_per_iteration * stats_info.sents_batches_num - stats_str += 'Estimated time for a full dataset pass: %s\n' % _get_formatted_time(estimated_time_for_full_pass) - - return stats_str - - -def init_csv_writer(fh, output_seq_len, model_params_str): - csv_writer = csv.writer(fh, delimiter='\t') - csv_writer.writerow(['']) # empty row for better readability - csv_writer.writerow([model_params_str]) - csv_writer.writerow(['commit hash: %s' % _get_git_revision_short_hash()]) - csv_writer.writerow(['date: %s' % datetime.now().strftime("%Y-%m-%d_l%H:%M")]) - csv_writer.writerow(['%d maximum tokens in the response' % output_seq_len]) - - return csv_writer - - -def save_metrics(metrics, model_name): - for metric_name, metric_value in metrics.items(): - _tensorboard_metrics_plotter.plot(model_name, metric_name, float(metric_value)) def calculate_and_log_val_metrics(nn_model, - context_sensitive_val_subset, + context_sensitive_val, context_free_val, - prediction_mode=PREDICTION_MODE_FOR_TESTS): - val_metrics = dict() - - val_metrics['context_free_perplexity'] = calculate_model_mean_perplexity(nn_model, context_free_val) - _logger.info('Current val context-free perplexity: {0:.2f}'.format(val_metrics['context_free_perplexity'])) + prediction_mode=PREDICTION_MODE_FOR_TESTS, + calculate_ngram_distance=True): + metric_name_to_value = { + 'context_free_perplexity': calculate_model_mean_perplexity(nn_model, context_free_val), + 'context_sensitive_perplexity': calculate_model_mean_perplexity(nn_model, context_sensitive_val) + } - val_metrics['context_sensitive_perplexity'] = \ - calculate_model_mean_perplexity(nn_model, context_sensitive_val_subset) - _logger.info('Current val context-sensitive perplexity: {0:.2f}' - .format(val_metrics['context_sensitive_perplexity'])) + if calculate_ngram_distance: + for metric_name, ngram_len in [('unigram_distinctness', 1), ('bigram_distinctness', 2)]: + metric_name_to_value[metric_name] = calculate_response_ngram_distinctness( + context_sensitive_val.x, + nn_model, + ngram_len=ngram_len, + mode=prediction_mode, + condition_ids=context_sensitive_val.condition_ids) - val_metrics['unigram_distinctness'] = calculate_response_ngram_distinctness( - context_sensitive_val_subset.x, - nn_model, - ngram_len=1, - mode=prediction_mode, - condition_ids=context_sensitive_val_subset.condition_ids) + for metric_name, metric_value in metric_name_to_value.items(): + _logger.info('Val set {}: {:.3f}'.format(metric_name, metric_value)) - val_metrics['bigram_distinctness'] = calculate_response_ngram_distinctness( - context_sensitive_val_subset.x, - nn_model, - ngram_len=2, - mode=prediction_mode, - condition_ids=context_sensitive_val_subset.condition_ids) + return metric_name_to_value - _logger.info('Current val distinctness: uni={0:.3f}, bi={1:.3f}'.format(val_metrics['unigram_distinctness'], - val_metrics['bigram_distinctness'])) - return val_metrics +def _init_csv_writer(predictions_path, output_seq_len, model_name): + with open(predictions_path, 'w', encoding='utf-8') as fh: + csv_writer = csv.writer(fh, delimiter='\t') + csv_writer.writerow([model_name]) + csv_writer.writerow(['date: {}'.format(datetime.now().strftime('%Y-%m-%d %H:%M'))]) + csv_writer.writerow(['{} maximum tokens in the response'.format(output_seq_len)]) + csv_writer.writerow(['']) # empty row for better readability def log_predictions(predictions_path, - x_test, + contexts_token_ids, nn_model, - prediction_modes=(PREDICTION_MODE_FOR_TESTS,), - stats_info=None, - cur_perplexity=None, + prediction_modes, output_seq_len=MAX_PREDICTIONS_LENGTH, **kwargs): """ @@ -122,53 +59,29 @@ def log_predictions(predictions_path, several responses will be generated - one for each mode from the prediction_modes list. :param predictions_path: Generated responses will be saved to this file - :param x_test: context token ids, numpy array of shape (batch_size, context_len, INPUT_SEQUENCE_LENGTH) + :param contexts_token_ids: contexts token ids, numpy array of shape (batch_size, context_len, INPUT_SEQUENCE_LENGTH) :param nn_model: instance of CakeChatModel class - :param prediction_modes: Iterable of modes to be used for responses generation. See PREDICTION_MODES - for available options - :param stats_info: Info about current training status: total time passed, time spent on training, - processed batches number and estimated time for one epoch - :param cur_perplexity: Addition to stats_info - current perplexity metric calculated on validation dataset + :param prediction_modes: See PREDICTION_MODES for available options :param output_seq_len: Max number of tokens in generated responses """ - - _logger.info('Logging responses to test lines') + _logger.info('Logging responses for test set') # Create all the directories for the prediction path in case they don't exist - prediction_dir = os.path.dirname(predictions_path) - if prediction_dir: - ensure_dir(prediction_dir) - - with open(predictions_path, 'w') as test_res_fh: - csv_writer = init_csv_writer(test_res_fh, output_seq_len, nn_model.model_name) + ensure_dir(os.path.dirname(predictions_path)) - if cur_perplexity: - csv_writer.writerow(['Current perplexity: %.2f' % cur_perplexity]) - if stats_info: - csv_writer.writerow([_get_iteration_stats(stats_info)]) + _init_csv_writer(predictions_path, output_seq_len, nn_model.model_name) - contexts = transform_context_token_ids_to_sentences(x_test, nn_model.index_to_token) + contexts = transform_context_token_ids_to_sentences(contexts_token_ids, nn_model.index_to_token) predictions_data = pd.DataFrame() predictions_data['contexts'] = contexts - for pred_mode in prediction_modes: - responses_batch = get_nn_responses(x_test, nn_model, pred_mode, **kwargs) + for prediction_mode in prediction_modes: + predicted_responses = get_nn_responses(contexts_token_ids, nn_model, prediction_mode, **kwargs) # list of lists of strings, shape (contexts_num, 1) - first_responses_batch = [response[0] for response in responses_batch] + predicted_responses = [response[0] for response in predicted_responses] # list of strings, shape (contexts_num) - predictions_data[pred_mode] = first_responses_batch + predictions_data[prediction_mode] = predicted_responses predictions_data.to_csv(predictions_path, sep='\t', index=False, encoding='utf-8', mode='a', float_format='%.2f') - message = '\nSuccesfully dumped {} responses.'.format(len(contexts)) - message += '\nHere they are:\n{}\n'.format(predictions_path) - _logger.info(message) - - -def save_test_results(x_test, nn_model, start_time, current_batch_idx, all_batches_num, suffix='', cur_perplexity=None): - - stats_info = _StatsInfo(start_time, current_batch_idx, all_batches_num) - results_file_name = '{}_{}.tsv'.format(nn_model.model_name, suffix) - test_results_path = os.path.join(DATA_DIR, 'results', results_file_name) - - log_predictions(test_results_path, x_test, nn_model, stats_info=stats_info, cur_perplexity=cur_perplexity) + _logger.info('Dumped {} predicted responses to {}'.format(len(contexts), predictions_path)) diff --git a/cakechat/dialog_model/quality/metrics/distinctness.py b/cakechat/dialog_model/quality/metrics/distinctness.py index 8b29c50..5ae84f3 100644 --- a/cakechat/dialog_model/quality/metrics/distinctness.py +++ b/cakechat/dialog_model/quality/metrics/distinctness.py @@ -1,9 +1,9 @@ import numpy as np -from six.moves import xrange from cakechat.config import PREDICTION_MODE_FOR_TESTS, DEFAULT_TEMPERATURE, BEAM_SIZE, \ PREDICTION_DISTINCTNESS_NUM_TOKENS from cakechat.dialog_model.inference import get_nn_response_ids, ServiceTokensIDs +from cakechat.utils.profile import timer def _calculate_distinct_ngrams(prediction_samples, ngram_len): @@ -14,7 +14,7 @@ def _calculate_distinct_ngrams(prediction_samples, ngram_len): ngrams = set() for y in prediction_samples: # Calculate all n-grams where n = ngram_len. (Get ngram_len cyclic shifts of y and transpose the result) - cur_ngrams = zip(*[y[i:] for i in xrange(ngram_len)]) # yapf: disable + cur_ngrams = list(zip(*[y[i:] for i in range(ngram_len)])) # yapf: disable # Aggregate statistics ngrams.update(cur_ngrams) @@ -22,6 +22,7 @@ def _calculate_distinct_ngrams(prediction_samples, ngram_len): return len(ngrams) +@timer def calculate_response_ngram_distinctness(x, nn_model, ngram_len, @@ -62,4 +63,4 @@ def calculate_response_ngram_distinctness(x, break distinct_ngrams = _calculate_distinct_ngrams(responses, ngram_len) - return float(distinct_ngrams) / num_tokens_to_generate + return distinct_ngrams / num_tokens_to_generate diff --git a/cakechat/dialog_model/quality/metrics/lexical_simlarity.py b/cakechat/dialog_model/quality/metrics/lexical_simlarity.py index db913ac..5e18254 100644 --- a/cakechat/dialog_model/quality/metrics/lexical_simlarity.py +++ b/cakechat/dialog_model/quality/metrics/lexical_simlarity.py @@ -2,13 +2,13 @@ from sklearn.feature_extraction.text import TfidfVectorizer -from cakechat.config import TRAIN_CORPUS_NAME, BASE_CORPUS_NAME, DATA_DIR +from cakechat.config import TRAIN_CORPUS_NAME, BASE_CORPUS_NAME, RESULTS_PATH from cakechat.utils.files_utils import get_persisted from cakechat.utils.text_processing import load_index_to_item, get_tokens_sequence, get_processed_corpus_path, \ load_processed_dialogs_from_json, FileTextLinesIterator, get_dialog_lines_and_conditions, \ get_alternated_dialogs_lines, get_index_to_token_path -_TFIDF_VECTORIZER_FULL_PATH = os.path.join(DATA_DIR, 'tfidf_vectorizer.pickle') +_TFIDF_VECTORIZER_FULL_PATH = os.path.join(RESULTS_PATH, 'tfidf_vectorizer.pickle') def _load_train_lines(corpus_name=TRAIN_CORPUS_NAME): diff --git a/cakechat/dialog_model/quality/metrics/plotters.py b/cakechat/dialog_model/quality/metrics/plotters.py new file mode 100644 index 0000000..9a23491 --- /dev/null +++ b/cakechat/dialog_model/quality/metrics/plotters.py @@ -0,0 +1,60 @@ +import os +from collections import Counter +import tensorflow as tf +from keras import backend as K + +from cakechat.utils.files_utils import get_cached, serialize + + +class DummyMetricsPlotter(object): + def plot(self, model_id, metric_name, metric_value): + pass + + +class TensorboardMetricsPlotter(object): + def __init__(self, log_dir): + self._log_dir = log_dir + self._writers = {} + self._steps_path = os.path.join(self._log_dir, 'steps') + self._steps = get_cached(Counter, self._steps_path) + + @staticmethod + def _get_model_specific_key(model_name, key): + """ + Build unique identifier for (model_name, key_name) pair. + """ + return '{}_{}'.format(model_name, key) + + def _get_model_writer(self, model_name): + if model_name not in self._writers: + self._writers[model_name] = \ + tf.summary.FileWriter(os.path.join(self._log_dir, model_name), K.get_session().graph) + + return self._writers[model_name] + + def plot(self, model_name, metric_name, metric_value): + summary = tf.Summary() + summary.value.add(tag=metric_name, simple_value=metric_value) # pylint: disable=maybe-no-member + + writer = self._get_model_writer(model_name) + metric_model_key = self._get_model_specific_key(model_name, metric_name) + writer.add_summary(summary, self._steps[metric_model_key]) + writer.flush() + + self._steps[metric_model_key] += 1 + serialize(self._steps_path, self._steps) + + def log_run_metadata(self, model_name, run_metadata): + run_metadata_model_key = self._get_model_specific_key(model_name, key='run_metadata') + run_tag = '{}_{}'.format(self._steps[run_metadata_model_key], run_metadata_model_key) + + writer = self._get_model_writer(model_name) + writer.add_run_metadata(run_metadata, run_tag, self._steps[run_metadata_model_key]) + writer.flush() + + self._steps[run_metadata_model_key] += 1 + serialize(self._steps_path, self._steps) + + @property + def log_dir(self): + return self._log_dir diff --git a/cakechat/dialog_model/quality/metrics/ranking.py b/cakechat/dialog_model/quality/metrics/ranking.py index 4ae7cbe..97f55db 100644 --- a/cakechat/dialog_model/quality/metrics/ranking.py +++ b/cakechat/dialog_model/quality/metrics/ranking.py @@ -20,7 +20,7 @@ def compute_recall_k(expected_answers, weighted_actual_answers, k): sorted_k_responses = sorted( weighted_actual_answers.keys(), key=lambda response: weighted_actual_answers[response], reverse=True)[:k] - recall_k = len(set(sorted_k_responses) & set(expected_answers)) / float(len(expected_answers)) + recall_k = len(set(sorted_k_responses) & set(expected_answers)) / len(expected_answers) return recall_k diff --git a/cakechat/dialog_model/quality/metrics/utils.py b/cakechat/dialog_model/quality/metrics/utils.py index f2064a0..a37a167 100644 --- a/cakechat/dialog_model/quality/metrics/utils.py +++ b/cakechat/dialog_model/quality/metrics/utils.py @@ -1,2 +1,24 @@ +import json + +from cakechat.utils.files_utils import ensure_file +from cakechat.utils.logger import get_logger + +_logger = get_logger(__name__) + + class MetricsException(Exception): pass + + +class MetricsSerializer(object): + @staticmethod + def load_metrics(metrics_resource_name): + _logger.info('Restoring metrics from {}'.format(metrics_resource_name)) + with open(metrics_resource_name, 'r', encoding='utf-8') as fh: + return json.load(fh) + + @staticmethod + def save_metrics(metrics_resource_name, metrics): + _logger.info('Saving metrics to {}'.format(metrics_resource_name)) + with ensure_file(metrics_resource_name, 'w', encoding='utf-8') as fh: + json.dump(metrics, fh, indent=2) diff --git a/cakechat/dialog_model/quality/tests/metrics.py b/cakechat/dialog_model/quality/tests/metrics.py index b11b538..df7cf46 100644 --- a/cakechat/dialog_model/quality/tests/metrics.py +++ b/cakechat/dialog_model/quality/tests/metrics.py @@ -1,7 +1,12 @@ +import os +import sys import unittest import numpy as np +sys.path.append( + os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))))) + from cakechat.dialog_model.quality.metrics.perplexity import _calculate_mean_perplexity from cakechat.dialog_model.quality.metrics.utils import MetricsException diff --git a/cakechat/dialog_model/train.py b/cakechat/dialog_model/train.py deleted file mode 100644 index 19c5dfe..0000000 --- a/cakechat/dialog_model/train.py +++ /dev/null @@ -1,254 +0,0 @@ -import time - -from six.moves import xrange - -from cakechat.config import MAX_PREDICTIONS_LENGTH, BATCH_SIZE, EPOCHS_NUM, LOG_TO_TB_FREQUENCY_PER_BATCHES, \ - SCREEN_LOG_FREQUENCY_PER_BATCHES, SCREEN_LOG_NUM_TEST_LINES, SHUFFLE_TRAINING_BATCHES, PREDICTION_MODE_FOR_TESTS, \ - LOG_CANDIDATES_NUM, VAL_SUBSET_SIZE, AVG_LOSS_DECAY, LOG_TO_FILE_FREQUENCY_PER_BATCHES, \ - SAVE_MODEL_FREQUENCY_PER_BATCHES -from cakechat.dialog_model.inference import get_nn_responses -from cakechat.dialog_model.inference.service_tokens import ServiceTokensIDs -from cakechat.dialog_model.model_utils import transform_context_token_ids_to_sentences, get_training_batch, \ - reverse_nn_input -from cakechat.dialog_model.quality import save_metrics, save_test_results, calculate_and_log_val_metrics, \ - calculate_model_mean_perplexity -from cakechat.utils.data_types import TrainStats, DatasetsCollection -from cakechat.utils.dataset_loader import load_context_free_val, load_conditioned_train_set, \ - generate_subset, load_context_sensitive_val -from cakechat.utils.logger import get_logger, laconic_logger - -_logger = get_logger(__name__) - - -def _update_saved_nn_model(nn_model, val_metrics, best_perplexities, train_stats): - if train_stats.cur_batch_id % SAVE_MODEL_FREQUENCY_PER_BATCHES != 0: - # don't save model on this iteration - return best_perplexities - - # proceed with model saving - cur_perplexities = (val_metrics['context_free_perplexity'], val_metrics['context_sensitive_perplexity']) - is_perplexity_improved = cur_perplexities[0] < best_perplexities[0] and cur_perplexities[1] < best_perplexities[1] - - if is_perplexity_improved: - old_suffix = '_pp_free{0:.2f}_sensitive{1:.2f}'.format(*best_perplexities) - new_suffix = '_pp_free{0:.2f}_sensitive{1:.2f}'.format(*cur_perplexities) - best_perplexities = cur_perplexities - nn_model.save_model(nn_model.model_save_path + new_suffix) - - if new_suffix != old_suffix: - nn_model.delete_model(nn_model.model_save_path + old_suffix) - else: - nn_model.save_model(nn_model.model_save_path) - - return best_perplexities - - -def _calc_and_save_train_metrics(nn_model, train_subset, avg_loss): - train_metrics = dict() - train_metrics['train_perplexity'] = calculate_model_mean_perplexity(nn_model, train_subset) - train_metrics['train_loss'] = avg_loss - - save_metrics(train_metrics, nn_model.model_name) - - _logger.info('Current train perplexity: %s' % train_metrics['train_perplexity']) - return train_metrics - - -def _calc_and_save_val_metrics(nn_model, - context_sensitive_val_subset, - context_free_val, - prediction_mode=PREDICTION_MODE_FOR_TESTS): - - val_metrics = calculate_and_log_val_metrics(nn_model, context_sensitive_val_subset, context_free_val, - prediction_mode) - save_metrics(val_metrics, nn_model.model_name) - - return val_metrics - - -def _save_val_results(nn_model, - x_context_free_val, - x_context_sensitive_val_subset, - val_metrics, - train_stats, - suffix=''): - - context_free_perplexity = val_metrics['context_free_perplexity'] if val_metrics else None - context_sensitive_perplexity = val_metrics['context_sensitive_perplexity'] if val_metrics else None - - save_test_results( - x_context_free_val, - nn_model, - train_stats.start_time, - train_stats.cur_batch_id, - train_stats.batches_num, - suffix='_context_free' + suffix, - cur_perplexity=context_free_perplexity) - - save_test_results( - x_context_sensitive_val_subset, - nn_model, - train_stats.start_time, - train_stats.cur_batch_id, - train_stats.batches_num, - suffix='_context_sensitive' + suffix, - cur_perplexity=context_sensitive_perplexity) - - -def _log_sample_answers(x_test, nn_model, mode): - _logger.info('Start predicting responses of length {out_len} for {n_samples} samples with mode {mode}'.format( - out_len=MAX_PREDICTIONS_LENGTH, n_samples=x_test.shape[0], mode=mode)) - - questions = transform_context_token_ids_to_sentences(x_test, nn_model.index_to_token) - responses = get_nn_responses(x_test, nn_model, mode, output_candidates_num=LOG_CANDIDATES_NUM) - _logger.info('Finished predicting! Logging...') - - for i, (question_ids, question) in enumerate(zip(x_test, questions)): - laconic_logger.info('') # for better readability - for j, response in enumerate(responses[i]): - laconic_logger.info('%-35s\t --#=%02d--> \t%s' % (question, j + 1, response)) - - laconic_logger.info('') # for better readability - - -def _log_train_info_for_one_batch(train_stats): - total_time = (time.time() - train_stats.start_time) / 3600 # in hours - total_train_time = train_stats.total_training_time / 3600 # in hours - shifted_batch_id = train_stats.cur_batch_id + 1 - - progress = float(shifted_batch_id) / train_stats.batches_num - avr_time_per_batch = total_time / shifted_batch_id - expected_time_per_epoch = avr_time_per_batch * train_stats.batches_num - total_training_time_in_percent = total_train_time / total_time - - # use print here for better readability - _logger.info('batch {batch_id} / {batches_num} ({progress:.1%}) \t' - 'loss: {loss:.2f} \t ' - 'time: epoch {epoch_time:.1f} h | total {total_time:.1f} h | ' - 'train {train_time:.1f} h ({train_time_percent:.1%})' - .format( - batch_id=shifted_batch_id, - batches_num=train_stats.batches_num, - progress=progress, - loss=train_stats.cur_loss, - epoch_time=expected_time_per_epoch, - total_time=total_time, - train_time=total_train_time, - train_time_percent=total_training_time_in_percent - )) - - -def _analyse_model_performance_and_dump_results(nn_model, datasets, train_stats): - cur_best_val_perplexities = train_stats.best_val_perplexities - cur_val_metrics = train_stats.cur_val_metrics - - _log_train_info_for_one_batch(train_stats) - - if train_stats.cur_batch_id % SCREEN_LOG_FREQUENCY_PER_BATCHES == 0: - questions_for_sampling = datasets.context_free_val.x[:SCREEN_LOG_NUM_TEST_LINES] - _log_sample_answers(questions_for_sampling, nn_model, PREDICTION_MODE_FOR_TESTS) - - if train_stats.cur_batch_id % LOG_TO_TB_FREQUENCY_PER_BATCHES == 0: - # save metrics on train data - _calc_and_save_train_metrics(nn_model, - datasets.train_subset, - train_stats.cur_loss) - - # save metrics on validation data - cur_val_metrics = _calc_and_save_val_metrics( - nn_model, - datasets.context_sensitive_val_subset, - datasets.context_free_val, - prediction_mode=PREDICTION_MODE_FOR_TESTS) - - if train_stats.cur_batch_id % LOG_TO_FILE_FREQUENCY_PER_BATCHES == 0: - # save predictions on validation inputs - _save_val_results( - nn_model, - datasets.context_free_val.x, - datasets.context_sensitive_val_subset.x, - cur_val_metrics, - train_stats=train_stats) - - return cur_best_val_perplexities, cur_val_metrics - - -def _get_datasets(nn_model, is_reverse_model): - train = load_conditioned_train_set(nn_model.token_to_index, nn_model.condition_to_index) - context_free_val = load_context_free_val(nn_model.token_to_index) - - context_sensitive_val = load_context_sensitive_val(nn_model.token_to_index, nn_model.condition_to_index) - if is_reverse_model: - service_tokens = ServiceTokensIDs(nn_model.token_to_index) - train = reverse_nn_input(train, service_tokens) - context_free_val = reverse_nn_input(context_free_val, service_tokens) - context_sensitive_val = reverse_nn_input(context_sensitive_val, service_tokens) - - # Train subset of same size as a context-free val for metrics calculation - train_subset = generate_subset(train, VAL_SUBSET_SIZE) - - # Context-sensitive val subset of same size as a context-free val for metrics calculation - context_sensitive_val_subset = generate_subset(context_sensitive_val, VAL_SUBSET_SIZE) - - datasets_collection = DatasetsCollection( - train=train, - train_subset=train_subset, - context_free_val=context_free_val, - context_sensitive_val=context_sensitive_val, - context_sensitive_val_subset=context_sensitive_val_subset - ) - - return datasets_collection - - -def _get_decayed_avg_loss(avg_loss, new_loss, avg_loss_decay=AVG_LOSS_DECAY): - return avg_loss_decay * avg_loss + (1 - avg_loss_decay) * new_loss - - -def train_model(nn_model): - _logger.info('\nDefault model save path:\n{}\n'.format(nn_model.model_save_path)) - - datasets_collection = _get_datasets(nn_model, nn_model.is_reverse_model) - _logger.info('Finished preprocessing! Start training') - - batch_id = 0 - best_val_perplexities = (float('inf'), float('inf')) - cur_val_metrics = None - - batches_num = (datasets_collection.train.x.shape[0] + BATCH_SIZE - 1) // BATCH_SIZE - # The adding (BATCH_SIZE - 1) should be used here to count the last batch - # that may be smaller than BATCH_SIZE - - cur_loss = 0 - total_training_time = 0 - start_time = time.time() - - for epoch_id in xrange(EPOCHS_NUM): - _logger.info('Starting epoch #{}'.format(epoch_id)) - - for train_batch in get_training_batch(datasets_collection.train, - BATCH_SIZE, - random_permute=SHUFFLE_TRAINING_BATCHES): - train_stats = TrainStats( - cur_batch_id=batch_id, - batches_num=batches_num, - start_time=start_time, - total_training_time=total_training_time, - cur_loss=cur_loss, - best_val_perplexities=best_val_perplexities, - cur_val_metrics=cur_val_metrics - ) - - best_val_perplexities, cur_val_metrics = \ - _analyse_model_performance_and_dump_results(nn_model, datasets_collection, train_stats) - - best_val_perplexities = \ - _update_saved_nn_model(nn_model, cur_val_metrics, best_val_perplexities, train_stats) - - prev_time = time.time() - - loss = nn_model.train(*train_batch) - cur_loss = _get_decayed_avg_loss(cur_loss, loss) if batch_id else loss - - total_training_time += time.time() - prev_time - batch_id += 1 diff --git a/cakechat/utils/data_types.py b/cakechat/utils/data_types.py index 7b04a0d..881cb29 100644 --- a/cakechat/utils/data_types.py +++ b/cakechat/utils/data_types.py @@ -1,22 +1,4 @@ from collections import namedtuple - Dataset = namedtuple('Dataset', ['x', 'y', 'condition_ids']) - -DatasetsCollection = namedtuple('DatasetsCollection', [ - 'train', - 'train_subset', - 'context_free_val', - 'context_sensitive_val', - 'context_sensitive_val_subset' -]) - -TrainStats = namedtuple('TrainStats', [ - 'cur_batch_id', - 'batches_num', - 'start_time', - 'total_training_time', - 'cur_loss', - 'best_val_perplexities', - 'cur_val_metrics' -]) +ModelParam = namedtuple('ModelParam', ['value', 'id']) diff --git a/cakechat/utils/dataset_loader.py b/cakechat/utils/dataset_loader.py index 77566e0..2357c47 100644 --- a/cakechat/utils/dataset_loader.py +++ b/cakechat/utils/dataset_loader.py @@ -3,14 +3,17 @@ import numpy as np -from cakechat.config import TEST_DATA_DIR, TRAIN_CORPUS_NAME, CONTEXT_FREE_VAL_CORPUS_NAME, QUESTIONS_CORPUS_NAME, \ - CONTEXT_SENSITIVE_VAL_CORPUS_NAME, INPUT_SEQUENCE_LENGTH, INPUT_CONTEXT_SIZE, TRAIN_SUBSET_SIZE, \ - DEFAULT_CONDITION, RANDOM_SEED, MAX_VAL_LINES_NUM +from cakechat.config import TEST_DATA_DIR, CONTEXT_FREE_VAL_CORPUS_NAME, QUESTIONS_CORPUS_NAME, \ + CONTEXT_SENSITIVE_VAL_CORPUS_NAME, INPUT_SEQUENCE_LENGTH, INPUT_CONTEXT_SIZE, DEFAULT_CONDITION, RANDOM_SEED, \ + MAX_VAL_LINES_NUM, CONTEXT_SENSITIVE_TEST_CORPUS_NAME +from cakechat.dialog_model.inference import ServiceTokensIDs from cakechat.dialog_model.model_utils import lines_to_context, transform_contexts_to_token_ids, \ - transform_conditions_to_nn_input, transform_lines_to_nn_input + transform_conditions_to_nn_input, transform_lines_to_nn_input, reverse_nn_input +from cakechat.utils.data_structures import create_namedtuple_instance from cakechat.utils.data_types import Dataset from cakechat.utils.files_utils import load_file, is_non_empty_file from cakechat.utils.logger import get_logger +from cakechat.utils.profile import timer from cakechat.utils.text_processing import get_tokens_sequence, replace_out_of_voc_tokens, \ get_processed_corpus_path, load_processed_dialogs_from_json, FileTextLinesIterator, \ get_dialog_lines_and_conditions, ProcessedLinesIterator, get_alternated_dialogs_lines @@ -19,7 +22,7 @@ def get_tokenized_test_lines(corpus_name, tokens_voc): - corpus_path = os.path.join(TEST_DATA_DIR, '%s.txt' % corpus_name) + corpus_path = os.path.join(TEST_DATA_DIR, '{}.txt'.format(corpus_name)) if not is_non_empty_file(corpus_path): raise ValueError('Test corpus file doesn\'t exist: {}'.format(corpus_path)) test_lines = load_file(corpus_path) @@ -47,6 +50,36 @@ def load_questions_set(token_to_index): return _load_dataset_without_responses(QUESTIONS_CORPUS_NAME, token_to_index) +def get_validation_data_id(validation_sets_names): + return ','.join(sorted(validation_sets_names)) + + +def get_validation_sets_names(): + return [CONTEXT_FREE_VAL_CORPUS_NAME, CONTEXT_SENSITIVE_VAL_CORPUS_NAME] + + +def get_validation_dataset_name_to_data(validation_sets_names, token_to_index, condition_to_index, is_reverse_model): + _logger.info('Loading validations sets...') + factory = { + CONTEXT_FREE_VAL_CORPUS_NAME: lambda: load_context_free_val(token_to_index), + CONTEXT_SENSITIVE_VAL_CORPUS_NAME: lambda: load_context_sensitive_val(token_to_index, condition_to_index) + } + dataset_name_to_data = {val_set_name: factory[val_set_name]() for val_set_name in validation_sets_names} + _logger.info('Done loading validations sets') + + if is_reverse_model: + _logger.info('Reversing validations sets...') + service_tokens = ServiceTokensIDs(token_to_index) + dataset_name_to_data = { + val_set_name: reverse_nn_input(val_set, service_tokens) + for val_set_name, val_set in dataset_name_to_data.items() + } + _logger.info('Done reversing validations sets') + + return dataset_name_to_data + + +@timer def load_context_free_val(token_to_index): _logger.info('Transform context free validation lines to matrix of indexes') tokenized_validation_lines = get_tokenized_test_lines(CONTEXT_FREE_VAL_CORPUS_NAME, set(token_to_index.keys())) @@ -55,6 +88,7 @@ def load_context_free_val(token_to_index): return Dataset(x=x_validation, y=y_validation, condition_ids=None) +@timer def load_context_sensitive_val(token_to_index, condition_to_index): processed_val_corpus_path = get_processed_corpus_path(CONTEXT_SENSITIVE_VAL_CORPUS_NAME) context_sensitive_val_dialogs = load_processed_dialogs_from_json( @@ -78,12 +112,14 @@ def load_context_sensitive_val(token_to_index, condition_to_index): x=x_context_sensitive_val, y=y_context_sensitive_val, condition_ids=condition_ids_context_sensitive_val) -def load_conditioned_train_set(token_to_index, condition_to_index, train_subset_size=TRAIN_SUBSET_SIZE): - processed_corpus_path = get_processed_corpus_path(TRAIN_CORPUS_NAME) +@timer +def load_conditioned_dataset(corpus_name, token_to_index, condition_to_index, subset_size=None): + processed_corpus_path = get_processed_corpus_path(corpus_name) dialogs = load_processed_dialogs_from_json( FileTextLinesIterator(processed_corpus_path), text_field_name='text', condition_field_name='condition') - if train_subset_size: - dialogs = islice(dialogs, train_subset_size) + if subset_size: + _logger.info('Slicing dataset to the first {} entries'.format(subset_size)) + dialogs = islice(dialogs, subset_size) train_lines, train_conditions = get_dialog_lines_and_conditions( get_alternated_dialogs_lines(dialogs), text_field_name='text', condition_field_name='condition') tokenized_alternated_train_lines = ProcessedLinesIterator(train_lines, processing_callbacks=[get_tokens_sequence]) @@ -95,6 +131,23 @@ def load_conditioned_train_set(token_to_index, condition_to_index, train_subset_ return Dataset(x=x_train, y=y_train, condition_ids=condition_ids_train) +def get_training_dataset(train_corpus_name, + token_to_index, + condition_to_index, + is_reverse_model, + train_subset_size=None): + _logger.info('Loading training dataset...') + train_dataset = load_conditioned_dataset(train_corpus_name, token_to_index, condition_to_index, train_subset_size) + + if is_reverse_model: + _logger.info('Reversing training dataset...') + service_tokens = ServiceTokensIDs(token_to_index) + train_dataset = reverse_nn_input(train_dataset, service_tokens) + + return train_dataset + + +@timer def generate_subset(dataset, subset_size, random_seed=RANDOM_SEED): # Fix random seed here so that we get the same subsets every time the function is called np.random.seed(random_seed) @@ -108,24 +161,24 @@ def generate_subset(dataset, subset_size, random_seed=RANDOM_SEED): condition_ids=dataset.condition_ids[sample_idx] if dataset.condition_ids is not None else None) -def load_datasets(token_to_index, condition_to_index): - train = load_conditioned_train_set(token_to_index, condition_to_index) - validation = load_context_free_val(token_to_index) - questions = load_questions_set(token_to_index) - - validation_set_size = validation.x.shape[0] - - train_subset = generate_subset(train, validation_set_size) +def load_datasets(token_to_index, condition_to_index, test_corpus_name=CONTEXT_SENSITIVE_TEST_CORPUS_NAME): + # load context_sensitive_test dataset + cs_test = load_conditioned_dataset(test_corpus_name, token_to_index, condition_to_index) + # load context_free_validation dataset + cf_validation = load_context_free_val(token_to_index) - # prepare conditioned subset - defined_condition_mask = train.condition_ids != condition_to_index[DEFAULT_CONDITION] - defined_condition_dataset = Dataset( - x=train.x[defined_condition_mask], - y=train.y[defined_condition_mask], - condition_ids=train.condition_ids[defined_condition_mask]) + # load context sensitive testset for one selected condition + condition_mask = cs_test.condition_ids != condition_to_index[DEFAULT_CONDITION] + conditioned_test = Dataset( + x=cs_test.x[condition_mask], y=cs_test.y[condition_mask], condition_ids=cs_test.condition_ids[condition_mask]) - defined_condition_dataset_len = defined_condition_dataset.x.shape[0] - defined_condition_subset = generate_subset(defined_condition_dataset, - min(validation_set_size, defined_condition_dataset_len)) + # get a subset of conditioned_test of the same size as cf_validation; + # if there are no so many samples in conditioned_test, use all of the available conditioned_test samples + cs_test_one_condition = \ + generate_subset(conditioned_test, subset_size=min(cf_validation.x.shape[0], conditioned_test.x.shape[0])) - return train, questions, validation, train_subset, defined_condition_subset + return create_namedtuple_instance( + 'EvalMetricsDatasets', + cf_validation=cf_validation, + cs_test=cs_test, + cs_test_one_condition=cs_test_one_condition) diff --git a/cakechat/utils/env.py b/cakechat/utils/env.py index 0d13a2a..bf0c4d9 100644 --- a/cakechat/utils/env.py +++ b/cakechat/utils/env.py @@ -1,12 +1,13 @@ import os +import subprocess +import numpy as np +import tensorflow as tf +from keras.backend.tensorflow_backend import set_session -def _use_gpu_env(): - try: - use_gpu = os.environ['USE_GPU'] - return int(use_gpu) - except (KeyError, ValueError): - return None +from cakechat.utils.logger import get_logger + +_logger = get_logger(__name__) def is_dev_env(): @@ -17,34 +18,67 @@ def is_dev_env(): return False -def _init_cuda_env(): - # Set GPU device order the same as in nvidia-smi +def init_cuda_env(): + os.environ['PATH'] += ':/usr/local/cuda/bin' + os.environ['LD_LIBRARY_PATH'] = '/usr/local/cuda/lib64:/usr/local/nvidia/lib64/:/usr/local/cuda/extras/CUPTI/lib64' + os.environ['LIBRARY_PATH'] = '/usr/local/share/cudnn' + os.environ['CUDA_HOME'] = '/usr/local/cuda' os.environ['CUDA_DEVICE_ORDER'] = 'PCI_BUS_ID' -def init_theano_env(gpu_id=_use_gpu_env(), cnmem=0, float_precision='float32', is_dev=is_dev_env()): +def try_import_horovod(): + try: + import horovod.keras as hvd + except ImportError: + return None + else: + return hvd + + +def init_keras(hvd=None): """ - :param gpu_id: ID of GPU to use, default is None (No GPU support, CPU-only); - :param cnmem: The value represents the start size (either in MB or the fraction of total GPU memory) of the memory - pool. Default: 0 (Preallocation of size 0, only cache the allocation) - :param float_precision: String specifying floating point precision. Can be 'float64', 'float32', or 'float16' - :param is_dev: Apply just a few graph optimizations and only use Python implementations. Default is False. - GPU is disabled, CPU only. Drastically speeds up theano graph compilation. Use for development purposes. - :return: + Set config for Horovod. Config params copied from official example: + https://github.com/uber/horovod/blob/master/examples/keras_mnist_advanced.py#L15 + + :param hvd: instance of horovod.keras """ - _init_cuda_env() - theano_flags = 'floatX={}'.format(float_precision) + init_cuda_env() + config = tf.ConfigProto() - if is_dev: - # Use fast_compile only in dev-env because it doesn't works on GPU with libgpuarray - theano_flags += ',device=cpu,mode=FAST_COMPILE' - elif gpu_id is None: - theano_flags += ',device=cpu' - else: - theano_flags += ',device=cuda{},gpuarray.preallocate={:0.2}'.format(gpu_id, float(cnmem)) + if hvd: + hvd.init() + config.gpu_options.allow_growth = True + config.gpu_options.visible_device_list = str(hvd.local_rank()) + + set_session(tf.Session(config=config)) + + +def set_keras_tf_session(gpu_memory_fraction): + config = tf.ConfigProto() + config.gpu_options.per_process_gpu_memory_fraction = float(gpu_memory_fraction) # pylint: disable=maybe-no-member + set_session(tf.Session(config=config)) + + +def run_horovod_train(train_cmd, gpu_ids): + os.environ['CUDA_DEVICE_ORDER'] = 'PCI_BUS_ID' + os.environ['CUDA_VISIBLE_DEVICES'] = ','.join(gpu_ids) + + cmd = 'mpirun -np {workers_nums} -H localhost:{workers_nums} {train_cmd}'.format( + workers_nums=len(gpu_ids), train_cmd=train_cmd) + process = subprocess.Popen(cmd, shell=True, stdout=subprocess.PIPE, stderr=subprocess.STDOUT) + + while process.poll() is None: + output = process.stdout.readline() + if output: + print(output.strip()) + + +def is_main_horovod_worker(horovod): + return horovod is None or horovod.rank() == 0 + + +def set_horovod_worker_random_seed(horovod): + seed = horovod.rank() if horovod else 0 + np.random.seed(seed) - if 'THEANO_FLAGS' in os.environ: - os.environ['THEANO_FLAGS'] = theano_flags + ',' + os.environ['THEANO_FLAGS'] - else: - os.environ['THEANO_FLAGS'] = theano_flags diff --git a/cakechat/utils/files_utils.py b/cakechat/utils/files_utils.py index fd28293..31d0257 100644 --- a/cakechat/utils/files_utils.py +++ b/cakechat/utils/files_utils.py @@ -1,17 +1,17 @@ import os -import codecs +import pickle +import tarfile +from functools import partial from abc import abstractmethod, ABCMeta -from six.moves import cPickle as pickle - -from cakechat.utils.logger import get_logger +from cakechat.utils.logger import get_logger, WithLogger _logger = get_logger(__name__) +DEFAULT_CSV_DELIMITER = ',' -class AbstractFileResolver(object): - __metaclass__ = ABCMeta +class AbstractFileResolver(object, metaclass=ABCMeta): def __init__(self, file_path): self._file_path = file_path @@ -47,8 +47,48 @@ def _resolve(self): return False +class PackageResolver(WithLogger): + def __init__(self, package_path, package_file_resolver_factory, package_file_ext, package_extractor): + """ + :param package_path: + :param package_file_resolver_factory: a factory creating package file resolver + :param package_file_ext: package file extension + :param package_extractor: a function taking package file, package path, and extracting contents to that path + :return: + """ + WithLogger.__init__(self) + + self._package_path = package_path + self._package_file_resolver_factory = package_file_resolver_factory + self._package_file_ext = package_file_ext + self._package_extractor = package_extractor + + @staticmethod + def init_resolver(**kwargs): + """ + Method helping to set once some parameters like package_file_resolver and package_extractor + + :param kwargs: + :return: partially initialized class object + """ + return partial(PackageResolver, **kwargs) + + def resolve(self): + if os.path.exists(self._package_path): + return True + + package_file_path = '{}.{}'.format(self._package_path, self._package_file_ext) + package_file_resolver = self._package_file_resolver_factory(package_file_path) + if package_file_resolver.resolve(): + self._logger.info('Extracting package {}'.format(package_file_resolver.file_path)) + self._package_extractor(package_file_resolver.file_path, self._package_path) + return True + else: + return False + + def load_file(file_path, filter_empty_lines=True): - with codecs.open(file_path, 'r', 'utf-8') as fh: + with open(file_path, 'r', encoding='utf-8') as fh: lines = [line.strip() for line in fh.readlines()] if filter_empty_lines: lines = list(filter(None, lines)) @@ -61,7 +101,7 @@ def ensure_dir(dir_name): os.makedirs(dir_name) -def serialize(filename, data, protocol=2): +def serialize(filename, data, protocol=pickle.HIGHEST_PROTOCOL): ensure_dir(os.path.dirname(filename)) with open(filename, 'wb') as f: pickle.dump(data, f, protocol) @@ -81,16 +121,14 @@ def get_persisted(factory, persisted_file_name, **kwargs): :param persisted_file_name: :return: """ - filename = persisted_file_name.encode('utf-8') - - if os.path.exists(filename): - _logger.info(u'Loading {}'.format(persisted_file_name)) - cached = deserialize(filename) + if os.path.exists(persisted_file_name): + _logger.info('Loading {}'.format(persisted_file_name)) + cached = deserialize(persisted_file_name) return cached - _logger.info(u'Creating {}'.format(persisted_file_name)) + _logger.info('Creating {}'.format(persisted_file_name)) data = factory() - serialize(filename, data, **kwargs) + serialize(persisted_file_name, data, **kwargs) return data @@ -100,3 +138,39 @@ def is_non_empty_file(file_path): class FileNotFoundException(Exception): pass + + +def extract_tar(source_path, destination_path, compression_type='gz'): + """ + :param source_path: + :param destination_path: + :param compression_type: None, gz or bzip2 + :return: + """ + mode = 'r:{}'.format(compression_type if compression_type else 'r') + with tarfile.open(source_path, mode) as fh: + fh.extractall(path=destination_path) + + +def ensure_file(file_name, mode, encoding=None): + ensure_dir(os.path.dirname(file_name)) + return open(file_name, mode, encoding=encoding) + + +def get_cached(factory, cache_file_name, **kwargs): + """ + Loads cache if exists, otherwise calls factory and stores the results in the specified cache file. + **kwargs are passed to the serialize() function + :param factory: + :param cache_file_name: + :return: + """ + if os.path.exists(cache_file_name): + _logger.info('Loading {}'.format(cache_file_name)) + cached = deserialize(cache_file_name) + return cached + + _logger.info('Creating {}'.format(cache_file_name)) + data = factory() + serialize(cache_file_name, data, **kwargs) + return data diff --git a/cakechat/utils/logger.py b/cakechat/utils/logger.py index 0ea6458..341a40a 100644 --- a/cakechat/utils/logger.py +++ b/cakechat/utils/logger.py @@ -1,6 +1,7 @@ import logging import logging.config + logging.config.dictConfig({ 'version': 1, 'disable_existing_loggers': False, diff --git a/cakechat/utils/offense_detector/detector.py b/cakechat/utils/offense_detector/detector.py index 6e1745f..c043083 100644 --- a/cakechat/utils/offense_detector/detector.py +++ b/cakechat/utils/offense_detector/detector.py @@ -1,10 +1,8 @@ import nltk -from six import string_types -from six.moves import xrange +from cakechat.utils.data_structures import flatten from cakechat.utils.files_utils import load_file from cakechat.utils.text_processing import get_tokens_sequence -from cakechat.utils.data_structures import flatten class OffenseDetector(object): @@ -23,16 +21,13 @@ def _build_offensive_ngrams(offensive_phrases_path): return set(offensive_ngrams) def _get_ngrams(self, tokenized_line): - ngrams = [nltk.ngrams(tokenized_line, i) for i in xrange(1, self._max_ngram_len + 1)] + ngrams = [nltk.ngrams(tokenized_line, i) for i in range(1, self._max_ngram_len + 1)] return flatten(ngrams, constructor=set) - def has_offensive_ngrams(self, text_or_tokenized_text): - if isinstance(text_or_tokenized_text, string_types): - tokenized_text = get_tokens_sequence(text_or_tokenized_text) - elif isinstance(text_or_tokenized_text, list): - tokenized_text = text_or_tokenized_text - else: - raise TypeError('text_or_tokenized_text must be string or list') - + def has_offensive_ngrams(self, text): + if not isinstance(text, str): + raise TypeError('"text" variable must be a string') + tokenized_text = get_tokens_sequence(text) text_ngrams = self._get_ngrams(tokenized_text) + return bool(text_ngrams & self._offensive_ngrams) diff --git a/cakechat/utils/plotters.py b/cakechat/utils/plotters.py deleted file mode 100644 index b9933b7..0000000 --- a/cakechat/utils/plotters.py +++ /dev/null @@ -1,25 +0,0 @@ -import os -from collections import Counter - -from tensorboard_logger import Logger as TensorboardLogger - -from cakechat.utils.files_utils import get_persisted, serialize - - -class TensorboardMetricsPlotter(object): - def __init__(self, log_dir): - self._log_dir = log_dir - self._writers = {} - self._steps_path = os.path.join(log_dir, 'steps') - self._steps = get_persisted(dict, self._steps_path) - - def plot(self, model_name, metric_name, metric_value): - if model_name not in self._writers: - self._writers[model_name] = TensorboardLogger(os.path.join(self._log_dir, model_name)) - if model_name not in self._steps: - self._steps[model_name] = Counter() - - self._writers[model_name].log_value(metric_name, metric_value, step=self._steps[model_name][metric_name]) - self._steps[model_name][metric_name] += 1 - - serialize(self._steps_path, self._steps) diff --git a/cakechat/utils/profile.py b/cakechat/utils/profile.py index e5e2804..0501e73 100644 --- a/cakechat/utils/profile.py +++ b/cakechat/utils/profile.py @@ -11,7 +11,7 @@ def _execute_and_profile(fn, *args, **kwargs): fn_result = fn(*args, **kwargs) execution_time = time.time() - start_time - _logger.info('Elapsed time for "%s": %f' % (fn.__name__, execution_time)) + _logger.info('Elapsed time for "{}": {}'.format(fn.__name__, execution_time)) return execution_time, fn_result diff --git a/cakechat/utils/s3/__init__.py b/cakechat/utils/s3/__init__.py index 5567bcd..ceda1d7 100644 --- a/cakechat/utils/s3/__init__.py +++ b/cakechat/utils/s3/__init__.py @@ -1,3 +1,2 @@ from cakechat.utils.s3.bucket import S3Bucket -from cakechat.utils.s3.utils import get_s3_resource -from cakechat.utils.s3.resolver import S3FileResolver +from cakechat.utils.s3.resolver import S3FileResolver, get_s3_resource, get_s3_model_resolver diff --git a/cakechat/utils/s3/resolver.py b/cakechat/utils/s3/resolver.py index f80df4b..2d480a6 100644 --- a/cakechat/utils/s3/resolver.py +++ b/cakechat/utils/s3/resolver.py @@ -1,10 +1,13 @@ import os from functools import partial -from cakechat.utils.files_utils import AbstractFileResolver +import boto3 +from botocore import UNSIGNED +from botocore.client import Config + +from cakechat.utils.files_utils import AbstractFileResolver, PackageResolver, extract_tar from cakechat.utils.logger import WithLogger -from cakechat.utils.s3.bucket import S3Bucket -from cakechat.utils.s3.utils import get_s3_resource +from cakechat.utils.s3 import S3Bucket class S3FileResolver(AbstractFileResolver, WithLogger): @@ -42,3 +45,14 @@ def _resolve(self): self._logger.warn('File can not be downloaded from AWS S3 because: %s' % str(e)) return False + + +def get_s3_resource(): + return boto3.resource('s3', config=Config(signature_version=UNSIGNED)) + + +def get_s3_model_resolver(bucket_name, remote_dir): + return PackageResolver.init_resolver( + package_file_resolver_factory=S3FileResolver.init_resolver(bucket_name=bucket_name, remote_dir=remote_dir), + package_file_ext='tar.gz', + package_extractor=extract_tar) diff --git a/cakechat/utils/s3/utils.py b/cakechat/utils/s3/utils.py deleted file mode 100644 index 4e9cfc8..0000000 --- a/cakechat/utils/s3/utils.py +++ /dev/null @@ -1,7 +0,0 @@ -import boto3 -from botocore import UNSIGNED -from botocore.client import Config - - -def get_s3_resource(): - return boto3.resource('s3', config=Config(signature_version=UNSIGNED)) diff --git a/cakechat/utils/tee_file.py b/cakechat/utils/tee_file.py index e6c8681..66eab52 100644 --- a/cakechat/utils/tee_file.py +++ b/cakechat/utils/tee_file.py @@ -1,11 +1,11 @@ import os +import pickle import tempfile -from six.moves import cPickle as pickle, xrange - # Pickle on HIGHEST_PROTOCOL breaks on Python 3.6.5 _PICKLE_PROTOCOL = 2 + def _pickle_iterable(filename, iterable): with open(filename, 'wb') as pickle_fh: pklr = pickle.Pickler(pickle_fh, _PICKLE_PROTOCOL) @@ -32,6 +32,6 @@ def file_buffered_tee(iterable, n=2): _, filename = tempfile.mkstemp() try: _pickle_iterable(filename, iterable) - return tuple(_unpickle_iterable(_open_pickle(filename)) for _ in xrange(n)) + return tuple(_unpickle_iterable(_open_pickle(filename)) for _ in range(n)) finally: os.remove(filename) diff --git a/cakechat/utils/telegram_bot_client.py b/cakechat/utils/telegram_bot_client.py index a50e8fd..4ea6430 100644 --- a/cakechat/utils/telegram_bot_client.py +++ b/cakechat/utils/telegram_bot_client.py @@ -2,12 +2,11 @@ import telepot import telepot.loop -from six import iteritems from cakechat.utils.logger import WithLogger -class AbstractTelegramChatSession(WithLogger): +class AbstractTelegramChatSession(WithLogger, metaclass=ABCMeta): """ Specific implementations of a chat session should overload default message handler `default_handle_message`, and possibly some of specific @@ -38,7 +37,6 @@ def default_handle_message(self, msg): TelegramBot(token).run(ReversedChatSession) """ - __metaclass__ = ABCMeta def __init__(self, bot, chat_id): super(AbstractTelegramChatSession, self).__init__() @@ -75,7 +73,7 @@ def _bot_info(): def _send_bot_help(self, _): help_lines = [self._bot_info(), '', 'List of available commands:'] - for command, (_, description) in iteritems(self._command_to_handler): + for command, (_, description) in self._command_to_handler.items(): help_lines.append('/{} - {}'.format(command, description)) return self._send_text('\n'.join(help_lines)) diff --git a/cakechat/utils/text_processing/__init__.py b/cakechat/utils/text_processing/__init__.py index 5a9780e..2367661 100644 --- a/cakechat/utils/text_processing/__init__.py +++ b/cakechat/utils/text_processing/__init__.py @@ -1,5 +1,5 @@ from cakechat.utils.text_processing.str_processor import get_tokens_sequence, replace_out_of_voc_tokens, \ - get_pretty_str_from_tokens_sequence + prettify_response from cakechat.utils.text_processing.config import SPECIAL_TOKENS from cakechat.utils.text_processing.utils import get_processed_corpus_path, get_index_to_token_path, \ get_index_to_condition_path, load_index_to_item diff --git a/cakechat/utils/text_processing/config.py b/cakechat/utils/text_processing/config.py index 24f95bd..dca491d 100644 --- a/cakechat/utils/text_processing/config.py +++ b/cakechat/utils/text_processing/config.py @@ -1,7 +1,7 @@ from cakechat.utils.data_structures import create_namedtuple_instance SPECIAL_TOKENS = create_namedtuple_instance( - 'SPECIAL_TOKENS', PAD_TOKEN=u'_pad_', UNKNOWN_TOKEN=u'_unk_', START_TOKEN=u'_start_', EOS_TOKEN=u'_end_') + 'SPECIAL_TOKENS', PAD_TOKEN='_pad_', UNKNOWN_TOKEN='_unk_', START_TOKEN='_start_', EOS_TOKEN='_end_') DIALOG_TEXT_FIELD = 'text' DIALOG_CONDITION_FIELD = 'condition' diff --git a/cakechat/utils/text_processing/corpus_iterator.py b/cakechat/utils/text_processing/corpus_iterator.py index 826700b..341852c 100644 --- a/cakechat/utils/text_processing/corpus_iterator.py +++ b/cakechat/utils/text_processing/corpus_iterator.py @@ -1,4 +1,3 @@ -import codecs import json from copy import copy @@ -8,12 +7,11 @@ class FileTextLinesIterator(object): - def __init__(self, filename, encoding='utf-8'): + def __init__(self, filename): self._filename = filename - self._encoding = encoding def __iter__(self): - for line in codecs.open(self._filename, 'r', self._encoding): + for line in open(self._filename, 'r', encoding='utf-8'): yield line.strip() def __copy__(self): @@ -44,7 +42,7 @@ def __iter__(self): try: yield json.loads(line.strip()) except ValueError: - _logger.warning('Skipped invalid json object: "%s"' % line.strip()) + _logger.warning('Skipped invalid json object: "{}"'.format(line.strip())) continue def __copy__(self): diff --git a/cakechat/utils/text_processing/dialog.py b/cakechat/utils/text_processing/dialog.py index e48cc66..6abf714 100644 --- a/cakechat/utils/text_processing/dialog.py +++ b/cakechat/utils/text_processing/dialog.py @@ -1,4 +1,3 @@ -from six.moves import map from operator import itemgetter from cakechat.utils.tee_file import file_buffered_tee diff --git a/cakechat/utils/text_processing/str_processor.py b/cakechat/utils/text_processing/str_processor.py index 3c55cfd..4994039 100644 --- a/cakechat/utils/text_processing/str_processor.py +++ b/cakechat/utils/text_processing/str_processor.py @@ -1,18 +1,17 @@ import re import nltk.tokenize -from six import text_type from cakechat.utils.text_processing.config import SPECIAL_TOKENS _END_CHARS = '.?!' -_tokenizer = nltk.tokenize.RegexpTokenizer(pattern=u'\w+|[^\w\s]') +_tokenizer = nltk.tokenize.RegexpTokenizer(pattern='\w+|[^\w\s]') def get_tokens_sequence(text, lower=True, check_unicode=True): - if check_unicode and not isinstance(text, text_type): - raise TypeError('text object should be unicode type') + if check_unicode and not isinstance(text, str): + raise TypeError('Text object should be unicode type. Got instead "{}" of type {}'.format(text, type(text))) if not text.strip(): return [] @@ -33,7 +32,7 @@ def _capitalize_first_chars(text): if not text: return text - chars_pos_to_capitalize = [0] + [m.end() - 1 for m in re.finditer('[%s] \w' % _END_CHARS, text)] + chars_pos_to_capitalize = [0] + [m.end() - 1 for m in re.finditer('[{}] \w'.format(_END_CHARS), text)] for char_pos in chars_pos_to_capitalize: text = text[:char_pos] + text[char_pos].upper() + text[char_pos + 1:] @@ -41,22 +40,18 @@ def _capitalize_first_chars(text): return text -def get_pretty_str_from_tokens_sequence(tokens_sequence): +def prettify_response(response): """ Prettify chatbot's answer removing excessive characters and capitalizing first words of sentences. - Before: "hello world ! nice to meet you , buddy . do you like me ? I ' ve been missing you for a while . . . $$$" + Before: "hello world ! nice to meet you , buddy . do you like me ? I ' ve been missing you for a while . . ." After: "Hello world! Nice to meet you, buddy. Do you like me? I've been missing you for a while..." """ - phrase = ' '.join(tokens_sequence) - - phrase = phrase.replace(SPECIAL_TOKENS.EOS_TOKEN, '') - phrase = phrase.replace(SPECIAL_TOKENS.START_TOKEN, '') - phrase = phrase.replace(' \' ', '\'') + response = response.replace(' \' ', '\'') for ch in set(_END_CHARS) | {','}: - phrase = phrase.replace(' ' + ch, ch) + response = response.replace(' ' + ch, ch) - phrase = _capitalize_first_chars(phrase) - phrase = phrase.strip() + response = _capitalize_first_chars(response) + response = response.strip() - return phrase + return response diff --git a/cakechat/utils/text_processing/utils.py b/cakechat/utils/text_processing/utils.py index a53abc4..fd9459e 100644 --- a/cakechat/utils/text_processing/utils.py +++ b/cakechat/utils/text_processing/utils.py @@ -1,8 +1,5 @@ -import os import json -import codecs - -from six import iteritems +import os from cakechat.config import PROCESSED_CORPUS_DIR, TOKEN_INDEX_DIR, CONDITION_IDS_INDEX_DIR @@ -20,8 +17,8 @@ def get_index_to_condition_path(processed_corpus_name): def load_index_to_item(items_index_path): - with codecs.open(items_index_path, 'r', 'utf-8') as item_index_fh: + with open(items_index_path, 'r', encoding='utf-8') as item_index_fh: index_to_item = json.load(item_index_fh) - index_to_item = {int(k): v for k, v in iteritems(index_to_item)} + index_to_item = {int(k): v for k, v in index_to_item.items()} return index_to_item diff --git a/cakechat/utils/w2v/__init__.py b/cakechat/utils/w2v/__init__.py index 09b40fb..8edd5c8 100644 --- a/cakechat/utils/w2v/__init__.py +++ b/cakechat/utils/w2v/__init__.py @@ -1,2 +1 @@ -from cakechat.utils.w2v.model import get_w2v_model -from cakechat.utils.w2v.utils import get_w2v_model_path, get_w2v_params_str +from cakechat.utils.w2v.utils import get_w2v_model_path, get_w2v_params_str, get_w2v_model_name diff --git a/cakechat/utils/w2v/model.py b/cakechat/utils/w2v/model.py index a374739..1fe55e5 100644 --- a/cakechat/utils/w2v/model.py +++ b/cakechat/utils/w2v/model.py @@ -1,13 +1,15 @@ import multiprocessing import os - from gensim.models import Word2Vec -from cakechat.config import WORD_EMBEDDING_DIMENSION, W2V_WINDOW_SIZE, MIN_WORD_FREQ, USE_SKIP_GRAM +from cakechat.config import TRAIN_CORPUS_NAME, VOCABULARY_MAX_SIZE, WORD_EMBEDDING_DIMENSION, S3_MODELS_BUCKET_NAME, \ + S3_W2V_REMOTE_DIR, USE_SKIP_GRAM, MIN_WORD_FREQ, TOKEN_REPRESENTATION_SIZE, W2V_WINDOW_SIZE +from cakechat.dialog_model.model_utils import ModelLoaderException from cakechat.utils.files_utils import DummyFileResolver, ensure_dir from cakechat.utils.logger import get_logger +from cakechat.utils.s3 import S3FileResolver from cakechat.utils.tee_file import file_buffered_tee -from cakechat.utils.w2v.utils import get_w2v_params_str, get_w2v_model_path +from cakechat.utils.w2v import get_w2v_model_name, get_w2v_params_str, get_w2v_model_path _WORKERS_NUM = multiprocessing.cpu_count() @@ -18,7 +20,7 @@ def _train_model(tokenized_lines, voc_size, vec_size, window_size, skip_gram): _logger.info('Word2Vec model will be trained now. It can take long, so relax and have fun.') params_str = get_w2v_params_str(voc_size, vec_size, window_size, skip_gram) - _logger.info('Parameters for training: %s' % params_str) + _logger.info('Parameters for training: {}'.format(params_str)) model = Word2Vec( window=window_size, @@ -41,26 +43,26 @@ def _train_model(tokenized_lines, voc_size, vec_size, window_size, skip_gram): def _save_model(model, model_path): - _logger.info('Saving model to %s' % model_path) + _logger.info('Saving model to {}'.format(model_path)) ensure_dir(os.path.dirname(model_path)) model.save(model_path, separately=[]) _logger.info('Model has been saved') def _load_model(model_path): - _logger.info('Loading model from %s' % model_path) + _logger.info('Loading model from {}'.format(model_path)) model = Word2Vec.load(model_path, mmap='r') - _logger.info('Model "%s" has been loaded.' % os.path.basename(model_path)) + _logger.info('Model "{}" has been loaded.'.format(os.path.basename(model_path))) return model -def get_w2v_model(corpus_name, - voc_size, - model_resolver_factory=None, - tokenized_lines=None, - vec_size=WORD_EMBEDDING_DIMENSION, - window_size=W2V_WINDOW_SIZE, - skip_gram=USE_SKIP_GRAM): +def _get_w2v_model(corpus_name, + voc_size, + model_resolver_factory=None, + tokenized_lines=None, + vec_size=TOKEN_REPRESENTATION_SIZE, + window_size=W2V_WINDOW_SIZE, + skip_gram=USE_SKIP_GRAM): _logger.info('Getting w2v model') model_path = get_w2v_model_path(corpus_name, voc_size, vec_size, window_size, skip_gram) @@ -68,7 +70,8 @@ def get_w2v_model(corpus_name, if not model_resolver.resolve(): if not tokenized_lines: - raise ValueError('Tokenized corpus \'%s\' was not provided, so w2v model can\'t be trained.' % model_path) + raise ModelLoaderException( + 'Tokenized corpus "{}" was not provided, so w2v model can\'t be trained.'.format(corpus_name)) # bin model is not present on the disk, so get it model = _train_model(tokenized_lines, voc_size, vec_size, window_size, skip_gram) @@ -80,3 +83,40 @@ def get_w2v_model(corpus_name, _logger.info('Successfully got w2v model\n') return model + +def get_w2v_model(fetch_from_s3=False, + corpus_name=TRAIN_CORPUS_NAME, + voc_size=VOCABULARY_MAX_SIZE, + vec_size=WORD_EMBEDDING_DIMENSION, + window_size=W2V_WINDOW_SIZE, + skip_gram=USE_SKIP_GRAM): + try: + model_resolver_factory = \ + S3FileResolver.init_resolver(bucket_name=S3_MODELS_BUCKET_NAME, remote_dir=S3_W2V_REMOTE_DIR) \ + if fetch_from_s3 else None + + w2v_model = _get_w2v_model( + corpus_name=corpus_name, + voc_size=voc_size, + model_resolver_factory=model_resolver_factory, + vec_size=vec_size, + window_size=window_size, + skip_gram=skip_gram) + + except ModelLoaderException: + raise ModelLoaderException('Word2vec model is absent. Please run `tools/train_w2v.py` to get the model.' + ' WARNING: If you compare different dialog models, be sure that they' + ' use the same w2v model (since each run of the w2v-trainer even with the same' + ' parameters leads to different w2v models)') + + return w2v_model + + +def get_w2v_model_id(corpus_name=TRAIN_CORPUS_NAME, + voc_size=VOCABULARY_MAX_SIZE, + vec_size=WORD_EMBEDDING_DIMENSION, + window_size=W2V_WINDOW_SIZE, + skip_gram=USE_SKIP_GRAM): + + return get_w2v_model_name( + corpus_name, voc_size=voc_size, vec_size=vec_size, window_size=window_size, skip_gram=skip_gram) diff --git a/cakechat/utils/w2v/utils.py b/cakechat/utils/w2v/utils.py index b2ecac7..12f8fa7 100644 --- a/cakechat/utils/w2v/utils.py +++ b/cakechat/utils/w2v/utils.py @@ -1,6 +1,17 @@ import os +import numpy as np -from cakechat.config import W2V_WINDOW_SIZE, W2V_MODEL_DIR, USE_SKIP_GRAM +from cakechat.config import W2V_MODEL_DIR, USE_SKIP_GRAM, W2V_WINDOW_SIZE, TOKEN_REPRESENTATION_SIZE +from cakechat.utils.logger import get_logger +from cakechat.utils.text_processing import SPECIAL_TOKENS + +_logger = get_logger(__name__) + + +def _get_w2v_model_name(corpus_name, voc_size, vec_size, window_size=W2V_WINDOW_SIZE, skip_gram=USE_SKIP_GRAM): + params_str = get_w2v_params_str(voc_size, vec_size, window_size, skip_gram) + model_name = '{}_{}'.format(corpus_name, params_str) + return model_name def get_w2v_params_str(voc_size, vec_size, window_size=W2V_WINDOW_SIZE, skip_gram=USE_SKIP_GRAM): @@ -9,13 +20,24 @@ def get_w2v_params_str(voc_size, vec_size, window_size=W2V_WINDOW_SIZE, skip_gra return params_str -def _get_w2v_model_name(corpus_name, voc_size, vec_size, window_size=W2V_WINDOW_SIZE, skip_gram=USE_SKIP_GRAM): +def get_w2v_model_path(corpus_name, voc_size, vec_size, window_size=W2V_WINDOW_SIZE, skip_gram=USE_SKIP_GRAM): + model_name = get_w2v_model_name(corpus_name, voc_size, vec_size, window_size, skip_gram) + model_path = os.path.join(W2V_MODEL_DIR, '{}.bin'.format(model_name)) + return model_path + + +def get_w2v_model_name(corpus_name, voc_size, vec_size, window_size=W2V_WINDOW_SIZE, skip_gram=USE_SKIP_GRAM): params_str = get_w2v_params_str(voc_size, vec_size, window_size, skip_gram) - model_name = '%s_%s' % (corpus_name, params_str) + model_name = '{}_{}'.format(corpus_name, params_str) return model_name -def get_w2v_model_path(corpus_name, voc_size, vec_size, window_size=W2V_WINDOW_SIZE, skip_gram=USE_SKIP_GRAM): - model_name = _get_w2v_model_name(corpus_name, voc_size, vec_size, window_size, skip_gram) - model_path = os.path.join(W2V_MODEL_DIR, '%s.bin' % model_name) - return model_path +def get_token_vector(token, model, token_vec_size=TOKEN_REPRESENTATION_SIZE): + if token in model.wv.vocab: + return np.array(model[token]) + + # generally we want have trained embeddings for all special tokens except the PAD one + if token != SPECIAL_TOKENS.PAD_TOKEN: + _logger.warn('Unknown embedding for token "{}"'.format(token)) + + return np.zeros(token_vec_size, dtype=np.float32) diff --git a/data/conditions_index/c_idx_processed_dialogs.json b/data/conditions_index/c_idx_processed_dialogs.json new file mode 100644 index 0000000..593b284 --- /dev/null +++ b/data/conditions_index/c_idx_processed_dialogs.json @@ -0,0 +1 @@ +{"0": "neutral", "1": "anger", "2": "joy", "3": "fear", "4": "sadness"} diff --git a/data/corpora_processed/test_processed_dialogs.txt b/data/corpora_processed/test_processed_dialogs.txt new file mode 100644 index 0000000..ec2f8ad --- /dev/null +++ b/data/corpora_processed/test_processed_dialogs.txt @@ -0,0 +1,20 @@ +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] \ No newline at end of file diff --git a/data/corpora_processed/train_processed_dialogs.txt b/data/corpora_processed/train_processed_dialogs.txt index 4f51756..7f83db0 100644 --- a/data/corpora_processed/train_processed_dialogs.txt +++ b/data/corpora_processed/train_processed_dialogs.txt @@ -1,100 +1,100 @@ -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] -[{"text": "Hi, Eddie, what's up?", "condition": "joy"}, {"text": "Not much, what about you?", "condition": "neutral"}, {"text": "Fine, thanks. Are you going to the movies tomorrow?", "condition": "neutral"}, {"text": "No, I've watched the new Star Wars already and it was just terrible!", "condition": "anger"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] +[{"text": "Hello", "condition": "neutral"}, {"text": "Oh, hi! :) How are you, my friend?", "condition": "joy"}, {"text": "Doing good", "condition": "neutral"}] +[{"text": "Justin Bieber is the best", "condition": "neutral"}, {"text": "Ok...", "condition": "sadness"}] diff --git a/data/quality/context_free_questions.txt b/data/quality/context_free_questions.txt index f4707f5..3686069 100644 --- a/data/quality/context_free_questions.txt +++ b/data/quality/context_free_questions.txt @@ -1,3 +1,4 @@ +how are you, my friend? how old are you ? are you a leader or a follower ? my name is david . what is my name ? @@ -294,4 +295,4 @@ should a company have a code of ethics ? how did he manage his staff ? do you think leaders are born or made ? what about setting up a counseling service , vincent ? some staff are under a lot of stress . -have you paid the invoice for the last shipment ? \ No newline at end of file +have you paid the invoice for the last shipment ? diff --git a/data/quality/context_free_validation_set.txt b/data/quality/context_free_validation_set.txt index 0738015..ff37b5c 100644 --- a/data/quality/context_free_validation_set.txt +++ b/data/quality/context_free_validation_set.txt @@ -1,3 +1,11 @@ +hi +hi! +How are you? +I'm fine +How old are you? +I'm 25 +How's the weather outside? +It's sunny I am sorry. you have the wrong number. Oh, i am sorry. The last time we went, you almost drowned. @@ -497,4 +505,4 @@ I am here to see you . What do you think about the turing test ? It's very good . Is paris the capital of china ? -No. \ No newline at end of file +No. diff --git a/data/tokens_index/t_idx_processed_dialogs.json b/data/tokens_index/t_idx_processed_dialogs.json new file mode 100644 index 0000000..e7cc3fa --- /dev/null +++ b/data/tokens_index/t_idx_processed_dialogs.json @@ -0,0 +1 @@ +{"0": "_pad_", "1": "fawk", "2": "🎍", "3": "sonja", "4": "woods", "5": "spiders", "6": "hanging", "7": "woody", "8": "tingly", "9": "comically", "10": "localized", "11": "sevens", "12": "canes", "13": "isaid", "14": "aileen", "15": "scold", "16": "originality", "17": "refunding", "18": "gaa", "19": "crossbar", "20": "rickman", "21": "hermano", "22": "aigooo", "23": "hahahah", "24": "eugenics", "25": "appropriation", "26": "holyrood", "27": "hahhha", "28": "broward", "29": "bringing", "30": "jrpg", "31": "advices", "32": "emilys", "33": "bassett", "34": "tssss", "35": "wooden", "36": "wednesday", "37": "sabotaged", "38": "crotch", "39": "asami", "40": "stereotypical", "41": "zzzzzz", "42": "bbqs", "43": "✅", "44": "undead", "45": "snuggles", "46": "scrapes", "47": "frederick", "48": "😏", "49": "270", "50": "272", "51": "273", "52": "sooth", "53": "275", "54": "imploding", "55": "francesca", "56": "consenting", "57": "scraped", "58": "snuggled", "59": "inanimate", "60": "errors", "61": "starboy", "62": "deferred", "63": "cooking", "64": "☯", "65": "designing", "66": "🔹", "67": "hallucinating", "68": "succumb", "69": "shocks", "70": "nawf", "71": "mccutchen", "72": "widget", "73": "nawe", "74": "crouch", "75": "chins", "76": "nawl", "77": "dayumm", "78": "brainwashed", "79": "nawh", "80": "naww", "81": "ching", "82": "china", "83": "affiliated", "84": "chino", "85": "chink", "86": "sociopaths", "87": "👣", "88": "kids", "89": "uplifting", "90": "kidz", "91": "climbed", "92": "controversy", "93": "kida", "94": "hoomans", "95": "jocks", "96": "kidd", "97": "natures", "98": "neurologist", "99": "gurrrrrl", "100": "spotty", "101": "kinsler", "102": "kido", "103": "golden", "104": "cobblers", "105": "projection", "106": "gateshead", "107": "stern", "108": "dne", "109": "dnd", "110": "dng", "111": "dnf", "112": "dna", "113": "dnc", "114": "dnb", "115": "catchy", "116": "insecurity", "117": "dno", "118": "thranduil", "119": "cannibal", "120": "gofundme", "121": "dnt", "122": "music", "123": "therefore", "124": "dns", "125": "violently", "126": "grahams", "127": "sermons", "128": "7ft", "129": "populations", "130": "yahoo", "131": "meteorologist", "132": "friendsgiving", "133": "echelon", "134": "unpack", "135": "circumstances", "136": "listenin", "137": "gunskill", "138": "intake", "139": "morally", "140": "locked", "141": "toxins", "142": "locker", "143": "smtownofc", "144": "locket", "145": "tomahawk", "146": "matilda", "147": "wana", "148": "wang", "149": "wand", "150": "pints", "151": "wank", "152": "xtra", "153": "wann", "154": "pooper", "155": "want", "156": "pinto", "157": "cocksucker", "158": "absolute", "159": "mcmuffin", "160": "travel", "161": "copious", "162": "callie", "163": "playback", "164": "madeinchelsea", "165": "gouge", "166": "cadence", "167": "worriedly", "168": "goober", "169": "fookin", "170": "dinosaurs", "171": "wrong", "172": "lololo", "173": "sentencing", "174": "mallet", "175": "bsnl", "176": "shreya", "177": "amaya", "178": "sickening", "179": "tulip", "180": "18th", "181": "concoction", "182": "quiting", "183": "nonsensical", "184": "romper", "185": "welcomed", "186": "welcomee", "187": "partnered", "188": "jialat", "189": "620", "190": "foreal", "191": "nmd", "192": "☘", "193": "rewarded", "194": "activating", "195": "welcomes", "196": "fir", "197": "wickedly", "198": "fit", "199": "fiu", "200": "lifeline", "201": "screaming", "202": "fix", "203": "uriah", "204": "secede", "205": "fib", "206": "fic", "207": "fia", "208": "fig", "209": "fid", "210": "fie", "211": "wales", "212": "fin", "213": "uon", "214": "fil", "215": "foolio", "216": "foolin", "217": "songwriter", "218": "foolie", "219": "vouchers", "220": "cfp", "221": "twits", "222": "effects", "223": "urmm", "224": "sixteen", "225": "saddened", "226": "pottermore", "227": "whacking", "228": "barton", "229": "arron", "230": "arrow", "231": "ingrid", "232": "arroz", "233": "burial", "234": "commenter", "235": "telescope", "236": "dankie", "237": "allah", "238": "allan", "239": "parasites", "240": "plainfield", "241": "allat", "242": "2day", "243": "399", "244": "3years", "245": "golem", "246": "nattie", "247": "touts", "248": "oprah", "249": "smirk", "250": "chokers", "251": "humber", "252": "heyboo", "253": "mason", "254": "encourage", "255": "noice", "256": "adapt", "257": "smithfield", "258": "outburst", "259": "kkkkkkkk", "260": "abbott", "261": "stamping", "262": "syo", "263": "rozay", "264": "gameplan", "265": "pumpkins", "266": "corrects", "267": "estimate", "268": "ugghhh", "269": "gameplay", "270": "universally", "271": "chlorine", "272": "jugs", "273": "accts", "274": "competes", "275": "chiara", "276": "ministries", "277": "disturbed", "278": "competed", "279": "dentures", "280": "favouriting", "281": "hostels", "282": "selfs", "283": "loook", "284": "callout", "285": "loool", "286": "slayin", "287": "48hrs", "288": "kfb", "289": "kfc", "290": "chevron", "291": "preeing", "292": "kuroo", "293": "seizures", "294": "olds", "295": "sweeeet", "296": "service", "297": "payless", "298": "reuben", "299": "needed", "300": "master", "301": "critter", "302": "hiya", "303": "genesis", "304": "caitlyn", "305": "tash", "306": "rewards", "307": "rakim", "308": "meltdowns", "309": "task", "310": "0d", "311": "lyndon", "312": "backstage", "313": "positively", "314": "ahmed", "315": "saeed", "316": "rizzo", "317": "handcuffs", "318": "idly", "319": "feelins", "320": "idle", "321": "exclaimed", "322": "sheen", "323": "feeling", "324": "yeezys", "325": "dozes", "326": "gorman", "327": "longs", "328": "codeine", "329": "sustaining", "330": "spectrum", "331": "ugli", "332": "imrankhanpti", "333": "bogan", "334": "dozed", "335": "arousal", "336": "urinate", "337": "longg", "338": "dozen", "339": "affairs", "340": "wholesome", "341": "courier", "342": "paramedics", "343": "poms", "344": "primed", "345": "racers", "346": "britches", "347": "kremlin", "348": "rhcp", "349": "shipments", "350": "45th", "351": "committing", "352": "limitless", "353": "diminishing", "354": "cinematic", "355": "resonates", "356": "metrics", "357": "simplify", "358": "joell", "359": "mouth", "360": "icloud", "361": "conceded", "362": "resonated", "363": "bradford", "364": "singer", "365": "kiya", "366": "flowery", "367": "ragnarok", "368": "thaat", "369": "tech", "370": "psst", "371": "scream", "372": "saying", "373": "dickey", "374": "sayinn", "375": "teresa", "376": "padded", "377": "ulcer", "378": "tempted", "379": "cheaply", "380": "godddd", "381": "thai", "382": "hounded", "383": "vindictive", "384": "orleans", "385": "bullshitted", "386": "clicked", "387": "holiness", "388": "ajayi", "389": "haleigh", "390": "rico", "391": "lube", "392": "bliss", "393": "rick", "394": "rich", "395": "antwerp", "396": "rice", "397": "hoeing", "398": "rica", "399": "plate", "400": "donaire", "401": "rwnj", "402": "waaaaaay", "403": "plato", "404": "platt", "405": "bruddah", "406": "yersel", "407": "altogether", "408": "slidin", "409": "rped", "410": "pleaaaase", "411": "misandry", "412": "jaguar", "413": "distracting", "414": "nicely", "415": "boarder", "416": "pretzel", "417": "patch", "418": "hayyy", "419": "eyelids", "420": "dodie", "421": "iswear", "422": "boarded", "423": "aigo", "424": "mcchickens", "425": "clarified", "426": "sensitivity", "427": "sudanese", "428": "pinot", "429": "morgen", "430": "profoundly", "431": "erika", "432": "votefifthharmony", "433": "pinoy", "434": "jabari", "435": "chads", "436": "inns", "437": "lots", "438": "lotr", "439": "irs", "440": "lott", "441": "irk", "442": "irl", "443": "irn", "444": "ira", "445": "adnan", "446": "chickfila", "447": "sunbae", "448": "ire", "449": "discipline", "450": "eunice", "451": "khaleesi", "452": "wwenxt", "453": "extend", "454": "nature", "455": "optimist", "456": "lapping", "457": "camren", "458": "extent", "459": "accessed", "460": "tendons", "461": "veganism", "462": "tyranny", "463": "automate", "464": "veep", "465": "veer", "466": "heating", "467": "incense", "468": "lookin", "469": "tomarrow", "470": "1month", "471": "southeastern", "472": "eradicate", "473": "libyan", "474": "mortified", "475": "tmnt", "476": "gopher", "477": "okkkk", "478": "gypsies", "479": "gilinsky", "480": "niya", "481": "", "482": "humming", "483": "smackdown", "484": "9ja", "485": "fra", "486": "fre", "487": "foood", "488": "union", "489": "fri", "490": "fro", "491": "studious", "492": "frm", "493": ".", "494": "bothers", "495": "hahahhaha", "496": "much", "497": "hikari", "498": "fry", "499": "tallest", "500": "toning", "501": "obese", "502": "retrospect", "503": "spit", "504": "davy", "505": "jeon", "506": "spic", "507": "dave", "508": "stilllll", "509": "doubts", "510": "stepdad", "511": "spin", "512": "wildcat", "513": "🎐", "514": "professionally", "515": "2wks", "516": "employ", "517": "misconstrued", "518": "droppin", "519": "elaborate", "520": "biddies", "521": "canoeing", "522": "majin", "523": "ditching", "524": "expat", "525": "kohl", "526": "conditioned", "527": "n_n", "528": "eighteen", "529": "conditioner", "530": "oxymoron", "531": "insatiable", "532": "bls", "533": "hone", "534": "memorial", "535": "hona", "536": "🎤", "537": "omarion", "538": "honk", "539": "tweetcaster", "540": "spews", "541": "split", "542": "xxoo", "543": "principals", "544": "boiled", "545": "effortlessly", "546": "marches", "547": "kushner", "548": "hellllllll", "549": "qualifications", "550": "workforce", "551": "qdoba", "552": "marched", "553": "boiler", "554": "supper", "555": "fabby", "556": "hoosiers", "557": "tomkins", "558": "kamina", "559": "mentors", "560": "climber", "561": "academic", "562": "bata", "563": "academia", "564": "goofing", "565": "nomore", "566": "🇸", "567": "oppars", "568": "corporate", "569": "massaging", "570": "plaque", "571": "bellow", "572": "appropriately", "573": "snickered", "574": "portrayed", "575": "lasso", "576": "hah", "577": "hai", "578": "shiit", "579": "ham", "580": "han", "581": "hao", "582": "shump", "583": "haa", "584": "hab", "585": "had", "586": "hae", "587": "haf", "588": "hag", "589": "hax", "590": "hay", "591": "haz", "592": "shiid", "593": "beloved", "594": "hap", "595": "shiii", "596": "har", "597": "has", "598": "hat", "599": "hau", "600": "hav", "601": "haw", "602": "municipal", "603": "audiobooks", "604": "osman", "605": "elders", "606": "survival", "607": "siesta", "608": "👌", "609": "unequivocally", "610": "indicative", "611": "shadow", "612": "hamas", "613": "degrom", "614": "sanghis", "615": "imiss", "616": "swelled", "617": "whinning", "618": "alice", "619": "festivities", "620": "5sosfam", "621": "attorney", "622": "crowd", "623": "crowe", "624": "czech", "625": "mosques", "626": "crown", "627": "begin", "628": "deflection", "629": "crows", "630": "tooken", "631": "➖", "632": "billboard", "633": "hemsworth", "634": "perchance", "635": "bottom", "636": "lockdown", "637": "inhuman", "638": "plucked", "639": "frum", "640": "treadmill", "641": "monogamy", "642": "completly", "643": "dpt", "644": "fish", "645": "barcode", "646": "refollowed", "647": "binder", "648": "evaporate", "649": "starring", "650": "watsapp", "651": "anagram", "652": "olney", "653": "stokes", "654": "whooooo", "655": "benches", "656": "minato", "657": "ptsd", "658": "benched", "659": "stoked", "660": "adel", "661": "aden", "662": "trampolines", "663": "abbreviations", "664": "mbn", "665": "shoota", "666": "maxwell", "667": "mbf", "668": "honeymoon", "669": "mba", "670": "mbc", "671": "administer", "672": "beings", "673": "outscored", "674": "mangos", "675": "grossest", "676": "shoots", "677": "mbp", "678": "mbs", "679": "aso", "680": "despised", "681": "fabric", "682": "koschei", "683": "suffice", "684": "tama", "685": "daves", "686": "raped", "687": "shotted", "688": "rapey", "689": "grasping", "690": "wordpress", "691": "greatness", "692": "rapes", "693": "tams", "694": "avocados", "695": "tamu", "696": "perfumes", "697": "waistcoat", "698": "thesaurus", "699": "verde", "700": "bronies", "701": "safeguard", "702": "congratulations", "703": "chuuuu", "704": "humbled", "705": "masquerading", "706": "aza", "707": "layin", "708": "wacked", "709": "smashes", "710": "azz", "711": "martian", "712": "nicest", "713": "pesos", "714": "smashed", "715": "duet", "716": "dues", "717": "pricing", "718": "☁", "719": "passenger", "720": "tannehill", "721": "disgrace", "722": "yogas", "723": "minaj", "724": "minah", "725": "dierks", "726": "timezone", "727": "triangles", "728": "slurring", "729": "eventual", "730": "htown", "731": "crowns", "732": "pasadena", "733": "role", "734": "minefield", "735": "verona", "736": "rolf", "737": "transgender", "738": "roll", "739": "rolo", "740": "notif", "741": "intend", "742": "palms", "743": "ointment", "744": "outage", "745": "devos", "746": "transported", "747": "igbos", "748": "dragoncon", "749": "devon", "750": "intent", "751": "smelling", "752": "variable", "753": "transporter", "754": "aragorn", "755": "explosions", "756": "loren", "757": "dreamers", "758": "shootout", "759": "mfer", "760": "flordia", "761": "innuendos", "762": "crazyyy", "763": "gett", "764": "decision", "765": "tuhh", "766": "gown", "767": "childs", "768": "cincinnati", "769": "corps", "770": "whoever", "771": "oss", "772": "cudnt", "773": "osu", "774": "ost", "775": "idealistic", "776": "apts", "777": "osh", "778": "annnnnd", "779": "oso", "780": "looky", "781": "osa", "782": "chair", "783": "ballet", "784": "baller", "785": "pell", "786": "freelance", "787": "crates", "788": "crater", "789": "balled", "790": "macha", "791": "macho", "792": "oversight", "793": "machi", "794": "jerm", "795": "downloading", "796": "paychecks", "797": "jerk", "798": "kellyfile", "799": "3weeks", "800": "olympus", "801": "choice", "802": "hardwork", "803": "lark", "804": "embark", "805": "gloomy", "806": "ghostbusters", "807": "klout", "808": "stays", "809": "southpaw", "810": "exact", "811": "minute", "812": "cooks", "813": "minnie", "814": "skewed", "815": "bellatrix", "816": "cooke", "817": "blastin", "818": "defaults", "819": "masturbated", "820": "ealing", "821": "batsmen", "822": "meadow", "823": "lapierre", "824": "trails", "825": "kimkardashian", "826": "plzzzzz", "827": "heavyweight", "828": "karmaloop", "829": "chopping", "830": "shirts", "831": "jameis", "832": "bagging", "833": "headset", "834": "corazon", "835": "nawt", "836": "💨", "837": "cassy", "838": "celebrated", "839": "benidorm", "840": "kabul", "841": "baggins", "842": "ufa", "843": "ground", "844": "boost", "845": "sanghi", "846": "unintentionally", "847": "azusa", "848": "drafted", "849": "303", "850": "facup", "851": "oldies", "852": "climbs", "853": "honour", "854": "vanderbilt", "855": "gladys", "856": "smthg", "857": "waittttt", "858": "paragon", "859": "306", "860": "address", "861": "miiverse", "862": "smthn", "863": "plunger", "864": "benson", "865": "enroll", "866": "dusty", "867": "impacted", "868": "talmbout", "869": "laaaaaame", "870": "queue", "871": "accomplished", "872": "falcao", "873": "influx", "874": "boooooooo", "875": "umps", "876": "tsubaki", "877": "tamp", "878": "mckinnon", "879": "kimiko", "880": "randoms", "881": "betraying", "882": "umph", "883": "darnell", "884": "opposes", "885": "working", "886": "oldham", "887": "pooped", "888": "optimize", "889": "sisterly", "890": "opposed", "891": "unjust", "892": "aina", "893": "chelle", "894": "wani", "895": "suckas", "896": "alastair", "897": "ooooooo", "898": "westlife", "899": "ooooooh", "900": "tundra", "901": "wvu", "902": "thompson", "903": "consoles", "904": "gerardo", "905": "riders", "906": "rebounding", "907": "lowercase", "908": "titanium", "909": "originally", "910": "rutherford", "911": "abortion", "912": "following", "913": "343", "914": "admired", "915": "mirrors", "916": "groupme", "917": "mailboxes", "918": "parachute", "919": "locks", "920": "admires", "921": "admirer", "922": "listens", "923": "litre", "924": "septic", "925": "cookery", "926": "thanking", "927": "kiku", "928": "phaedra", "929": "goodd", "930": "sureeee", "931": "rewatched", "932": "harmos", "933": "cuhs", "934": "atal", "935": "3hunna", "936": "cuhz", "937": "convincingly", "938": "fueled", "939": "laxative", "940": "cuhh", "941": "brainless", "942": "egotistical", "943": "surfing", "944": "whyyyyy", "945": "conscious", "946": "finalize", "947": "remotes", "948": "regressive", "949": "sandbox", "950": "mango", "951": "swollen", "952": "mange", "953": "wolves", "954": "pulled", "955": "manga", "956": "impactful", "957": "latency", "958": "aghhhh", "959": "webpage", "960": "yearr", "961": "years", "962": "professors", "963": "yeahhhhh", "964": "episodes", "965": "jimmy", "966": "🖕", "967": "jig", "968": "🤢", "969": "disconnect", "970": "nsn", "971": "jia", "972": "jin", "973": "jio", "974": "jim", "975": "troubles", "976": "mudder", "977": "faves", "978": "jit", "979": "jiu", "980": "jis", "981": "librarians", "982": "faved", "983": "troubled", "984": "diwali", "985": "💿", "986": "apron", "987": "recipients", "988": "civilian", "989": "bashful", "990": "indigenous", "991": "overpowering", "992": "damnnnn", "993": "sorted", "994": "shhh", "995": "wcs", "996": "didd", "997": "hickory", "998": "actaully", "999": "dido", "1000": "didn", "1001": "didi", "1002": "jmac", "1003": "recharged", "1004": "wedgie", "1005": "fisherman", "1006": "instability", "1007": "quarter", "1008": "quartet", "1009": "deadd", "1010": "7days", "1011": "honduras", "1012": "bursting", "1013": "receipt", "1014": "barbra", "1015": "fallin", "1016": "feeeel", "1017": "sponsor", "1018": "entering", "1019": "salads", "1020": "disasters", "1021": "troll", "1022": "utilise", "1023": "stallone", "1024": "seriously", "1025": "trauma", "1026": "internet", "1027": "realisation", "1028": "hibernate", "1029": "hairdresser", "1030": "incentives", "1031": "snooker", "1032": "complicated", "1033": "crazier", "1034": "grandma", "1035": "tienes", "1036": "mbeki", "1037": "marla", "1038": "brasil", "1039": "modest", "1040": "benching", "1041": "initiate", "1042": "gordon", "1043": "furby", "1044": "brokeback", "1045": "neglect", "1046": "farrrr", "1047": "emotion", "1048": "gunshot", "1049": "oni", "1050": "saving", "1051": "ono", "1052": "baybay", "1053": "spoken", "1054": "ona", "1055": "westlake", "1056": "ong", "1057": "parkinson", "1058": "one", "1059": "onz", "1060": "ony", "1061": "mignon", "1062": "punishable", "1063": "ons", "1064": "tamara", "1065": "onw", "1066": "ont", "1067": "looong", "1068": "stifles", "1069": "fuelband", "1070": "🎻", "1071": "lingering", "1072": "cutty", "1073": "progs", "1074": "mistermicah_", "1075": "shawn", "1076": "shawl", "1077": "ouchhh", "1078": "sweetcheeks", "1079": "snatch", "1080": "shawt", "1081": "devito", "1082": "arround", "1083": "kitsune", "1084": "specialists", "1085": "gajeel", "1086": "buzzy", "1087": "babyyyyyy", "1088": "nougat", "1089": "boxin", "1090": "crossroads", "1091": "rehab", "1092": "disrespects", "1093": "touché", "1094": "southgate", "1095": "wandering", "1096": "proactive", "1097": "hanbin", "1098": "illness", "1099": "ahhhhhhhh", "1100": "turned", "1101": "locations", "1102": "jewels", "1103": "gettn", "1104": "deadlifts", "1105": "geekin", "1106": "uninterrupted", "1107": "lukebryanonline", "1108": "turner", "1109": "borough", "1110": "invite", "1111": "leaderboards", "1112": "zod", "1113": "zoe", "1114": "fashionable", "1115": "warriors", "1116": "zoo", "1117": "goodman", "1118": "bootys", "1119": "jaha", "1120": "europeans", "1121": "pimple", "1122": "votetrismtv", "1123": "printer", "1124": "offload", "1125": "chitown", "1126": "opposite", "1127": "buffer", "1128": "discerning", "1129": "spewing", "1130": "buffet", "1131": "boyo", "1132": "printed", "1133": "knowingly", "1134": "buffed", "1135": "thsi", "1136": "huns", "1137": "touchy", "1138": "yunno", "1139": "phil", "1140": "jitters", "1141": "messier", "1142": "touche", "1143": "phir", "1144": "obsidian", "1145": "jittery", "1146": "getty", "1147": "ooohhh", "1148": "trynaa", "1149": "wynn", "1150": "imagines", "1151": "friction", "1152": "tapos", "1153": "inconsistent", "1154": "aggressive", "1155": "imagined", "1156": "ouchy", "1157": "zaha", "1158": "🌪", "1159": "kmow", "1160": "itfc", "1161": "aimlessly", "1162": "cappin", "1163": "tomodachi", "1164": "estas", "1165": "planed", "1166": "guarded", "1167": "morales", "1168": "suitcases", "1169": "tilting", "1170": "simplistic", "1171": "dalia", "1172": "mondo", "1173": "awaiting", "1174": "craaazy", "1175": "bolasie", "1176": "tryy", "1177": "pimp", "1178": "trys", "1179": "fascinates", "1180": "tiki", "1181": "tryn", "1182": "e_e", "1183": "tika", "1184": "hotness", "1185": "homeopathy", "1186": "59pm", "1187": "vision", "1188": "🅾", "1189": "enthralled", "1190": "⬅", "1191": "eriksen", "1192": "marnie", "1193": "scalia", "1194": "yeahyeah", "1195": "impressions", "1196": "lastnite", "1197": "intoxicating", "1198": "youself", "1199": "defensively", "1200": "dexter", "1201": "alarming", "1202": "sponsorship", "1203": "vaccines", "1204": "yumi", "1205": "refreshed", "1206": "enjoys", "1207": "playhouse", "1208": "mehehe", "1209": "punta", "1210": "grandpas", "1211": "masky", "1212": "punto", "1213": "punts", "1214": "footie", "1215": "wcf", "1216": "menacing", "1217": "ahahahahaha", "1218": "massacres", "1219": "cerbchan", "1220": "busting", "1221": "wwenetwork", "1222": "uou", "1223": "faggit", "1224": "rhodes", "1225": "millionaire", "1226": "flipped", "1227": "s", "1228": "workplace", "1229": "unflattering", "1230": "semitic", "1231": "grooming", "1232": "allowance", "1233": "loveliest", "1234": "comforted", "1235": "💑", "1236": "bader", "1237": "dravid", "1238": "laufey_loki", "1239": "radicalized", "1240": "kinna", "1241": "scifiactor", "1242": "west", "1243": "turntup", "1244": "collided", "1245": "motives", "1246": "wese", "1247": "biafra", "1248": "wants", "1249": "photog", "1250": "vomits", "1251": "comel", "1252": "wanty", "1253": "formed", "1254": "readings", "1255": "photos", "1256": "wanta", "1257": "tightened", "1258": "hashtag", "1259": "abject", "1260": "alola", "1261": "wilco", "1262": "former", "1263": "runnin", "1264": "deprive", "1265": "operational", "1266": "aryan", "1267": "straighten", "1268": "squeezes", "1269": "iver", "1270": "╰", "1271": "apropos", "1272": "newspaper", "1273": "situation", "1274": "hastag", "1275": "penthouse", "1276": "appetizing", "1277": "engaged", "1278": "dubious", "1279": "organizational", "1280": "paha", "1281": "limping", "1282": "iwatch", "1283": "perfff", "1284": "technology", "1285": "mpc", "1286": "debilitating", "1287": "verified", "1288": "doghouse", "1289": "gwt", "1290": "cheonma", "1291": "aiyo", "1292": "otto", "1293": "yessir", "1294": "zimmermantrial", "1295": "😽", "1296": "defs", "1297": "visually", "1298": "wires", "1299": "edged", "1300": "singapore", "1301": "defy", "1302": "deflate", "1303": "edges", "1304": "wired", "1305": "deff", "1306": "advertisement", "1307": "comeeee", "1308": "defo", "1309": "tracking", "1310": "nothin", "1311": "shitttt", "1312": "twitt", "1313": "sorryy", "1314": "adoring", "1315": "steamed", "1316": "jenners", "1317": "kawan", "1318": "being", "1319": "sum1", "1320": "ngos", "1321": "interrupt", "1322": "steamer", "1323": "parlay", "1324": "rover", "1325": "jsu", "1326": "mimicking", "1327": "grounded", "1328": "excuses", "1329": "fenna", "1330": "characterization", "1331": "dicky", "1332": "overthrow", "1333": "dicks", "1334": "zion", "1335": "detrimental", "1336": "sportsmanship", "1337": "rejoin", "1338": "sums", "1339": "unveil", "1340": "gestures", "1341": "sumn", "1342": "summ", "1343": "traffic", "1344": "preference", "1345": "world", "1346": "postal", "1347": "sensational", "1348": "thyme", "1349": "homeroom", "1350": "shutter", "1351": "worthing", "1352": "superiority", "1353": "obstruct", "1354": "burpees", "1355": "seating", "1356": "superintendent", "1357": "grub", "1358": "tvt", "1359": "”", "1360": "tvs", "1361": "sunbeds", "1362": "magma", "1363": "demeaning", "1364": "bayonetta", "1365": "tvd", "1366": "stagecoach", "1367": "divine", "1368": "yesss", "1369": "ahhhhhhhhhh", "1370": "woollim", "1371": "cavity", "1372": "scottie", "1373": "cuute", "1374": "worldcup2014", "1375": "shitttttt", "1376": "refundable", "1377": "francois", "1378": "911", "1379": "restoring", "1380": "squabble", "1381": "timeout", "1382": "disinformation", "1383": "retains", "1384": "lvoe", "1385": "sess", "1386": "tv3", "1387": "meniscus", "1388": "disparaging", "1389": "leadership", "1390": "jss", "1391": "thailand", "1392": "petey", "1393": "luxurious", "1394": "palmdale", "1395": "demarco", "1396": "dyslexia", "1397": "majoring", "1398": "loyalties", "1399": "trueeeee", "1400": "hopkins", "1401": "pelicans", "1402": "disabilities", "1403": "niall", "1404": "win10", "1405": "johnston", "1406": "basin", "1407": "loch", "1408": "machida", "1409": "choppers", "1410": "antidote", "1411": "bjj", "1412": "skippin", "1413": "wans", "1414": "bjs", "1415": "lively", "1416": "bjp", "1417": "pivot", "1418": "uhhhhhh", "1419": "rossi", "1420": "bubbly", "1421": "oden", "1422": "😦", "1423": "gleam", "1424": "morehead", "1425": "lounging", "1426": "rumbles", "1427": "mindless", "1428": "missy", "1429": "sealed", "1430": "brazilian", "1431": "bubble", "1432": "misss", "1433": "witt", "1434": "yays", "1435": "continents", "1436": "wits", "1437": "yayy", "1438": "societal", "1439": "yaya", "1440": "foreheads", "1441": "uglyy", "1442": "thelma", "1443": "with", "1444": "yayo", "1445": "abused", "1446": "pull", "1447": "rush", "1448": "thumps", "1449": "rage", "1450": "swole", "1451": "tripe", "1452": "ruse", "1453": "rags", "1454": "390", "1455": "dirty", "1456": "abuser", "1457": "abuses", "1458": "russ", "1459": "weidman", "1460": "trips", "1461": "asss", "1462": "butthole", "1463": "creat", "1464": "faving", "1465": "imvkohli", "1466": "watches", "1467": "watcher", "1468": "associating", "1469": "iwa", "1470": "watched", "1471": "jargon", "1472": "tremble", "1473": "slobber", "1474": "cream", "1475": "yoga", "1476": "ideally", "1477": "yogi", "1478": "taker", "1479": "dyes", "1480": "kouhai", "1481": "yaaayy", "1482": "friggin", "1483": "puppy", "1484": "2much", "1485": "attendances", "1486": "navidad", "1487": "refunded", "1488": "dayummm", "1489": "waving", "1490": "midget", "1491": "brotherhood", "1492": "linebackers", "1493": "fedoras", "1494": "rq", "1495": "tricky", "1496": "natalie", "1497": "thora", "1498": "natalia", "1499": "omnibus", "1500": "tricks", "1501": "whaddya", "1502": "dyed", "1503": "thort", "1504": "custody", "1505": "ahhahahah", "1506": "dyer", "1507": "hardaway", "1508": "sco", "1509": "sci", "1510": "sch", "1511": "causee", "1512": "caused", "1513": "beware", "1514": "ceramic", "1515": "labyu", "1516": "scc", "1517": "halsey", "1518": "miggy", "1519": "causes", "1520": "†", "1521": "togami", "1522": "______________", "1523": "bismarck", "1524": "baddest", "1525": "kyliejenner", "1526": "cheney", "1527": "riots", "1528": "courteous", "1529": "nora", "1530": "norf", "1531": "nore", "1532": "nori", "1533": "countless", "1534": "midwest", "1535": "carters", "1536": "norm", "1537": "threeuk", "1538": "🙄", "1539": "checkin", "1540": "floated", "1541": "baekhyun", "1542": "ppls", "1543": "floater", "1544": "crumb", "1545": "24th", "1546": "sc2", "1547": "↑", "1548": "moines", "1549": "sans", "1550": "sumbody", "1551": "shenanigans", "1552": "developing", "1553": "sang", "1554": "sand", "1555": "sane", "1556": "frenchie", "1557": "sana", "1558": "small", "1559": "sank", "1560": "homeschool", "1561": "quicker", "1562": "199", "1563": "198", "1564": "shockers", "1565": "195", "1566": "194", "1567": "197", "1568": "paso", "1569": "191", "1570": "190", "1571": "193", "1572": "healed", "1573": "past", "1574": "substitutions", "1575": "displays", "1576": "llss", "1577": "pass", "1578": "💘", "1579": "investment", "1580": "quicken", "1581": "otoh", "1582": "shockwave", "1583": "anywho", "1584": "clock", "1585": "skywalker", "1586": "celts", "1587": "prevailed", "1588": "corker", "1589": "leia", "1590": "peralta", "1591": "hasn", "1592": "full", "1593": "hash", "1594": "yuto", "1595": "sarasota", "1596": "deyh", "1597": "diapers", "1598": "portrays", "1599": "ganda", "1600": "19k", "1601": "civilians", "1602": "biebs", "1603": "november", "1604": "criminality", "1605": "ingame", "1606": "whooop", "1607": "colback", "1608": "biiiiiitch", "1609": "cordelia", "1610": "experience", "1611": "mouldy", "1612": "prior", "1613": "ohhhhh", "1614": "skepticism", "1615": "countin", "1616": "followed", "1617": "trumpsters", "1618": "adidas", "1619": "traumatized", "1620": "follower", "1621": "berwick", "1622": "¡", "1623": "synth", "1624": "silva", "1625": "attendance", "1626": "thanxx", "1627": "compost", "1628": "mort", "1629": "dontjudgeme", "1630": "automata", "1631": "mori", "1632": "morn", "1633": "leela", "1634": "fragrance", "1635": "firth", "1636": "mora", "1637": "morg", "1638": "more", "1639": "doot", "1640": "nomas", "1641": "door", "1642": "tripp", "1643": "initiated", "1644": "chucky", "1645": "jjang", "1646": "company", "1647": "corrected", "1648": "chucks", "1649": "doof", "1650": "tested", "1651": "dood", "1652": "nomad", "1653": "dranks", "1654": "doon", "1655": "dooo", "1656": "doom", "1657": "uncool", "1658": "dook", "1659": "negativity", "1660": "birdie", "1661": "leary", "1662": "socials", "1663": "r3", "1664": "installing", "1665": "kaminsky", "1666": "learn", "1667": "knocked", "1668": "seagull", "1669": "scramble", "1670": "barclay", "1671": "mehn", "1672": "jakob", "1673": "natch", "1674": "rumple", "1675": "memoirs", "1676": "mehh", "1677": "preshow", "1678": "meaner", "1679": "allegri", "1680": "sike", "1681": "sikh", "1682": "bonded", "1683": "bogo", "1684": "huge", "1685": "respective", "1686": "hickey", "1687": "juve", "1688": "hens", "1689": "hugo", "1690": "hugh", "1691": "enlarge", "1692": "dismissed", "1693": "scifi", "1694": "lawrie", "1695": "hugs", "1696": "dismisses", "1697": "hugz", "1698": "sprinkle", "1699": "trendsetter", "1700": "lanky", "1701": "intended", "1702": "mendes", "1703": "disgraced", "1704": "quali", "1705": "brett", "1706": "lmaaoo", "1707": "maltese", "1708": "huddled", "1709": "lanka", "1710": "preciate", "1711": "resemble", "1712": "twisting", "1713": "dolph", "1714": "predatory", "1715": "replied", "1716": "wooly", "1717": "jordans", "1718": "eveyone", "1719": "peppy", "1720": "installed", "1721": "stylus", "1722": "resorts", "1723": "paper", "1724": "scott", "1725": "replies", "1726": "installer", "1727": "smiling", "1728": "roots", "1729": "saucy", "1730": "mistreated", "1731": "steroids", "1732": "bangla", "1733": "💯", "1734": "hounds", "1735": "symptoms", "1736": "shuddering", "1737": "bummer", "1738": "isaac", "1739": "gonan", "1740": "sauce", "1741": "colleague", "1742": "cartman", "1743": "gadget", "1744": "frizzy", "1745": "shitless", "1746": "weeds", "1747": "idols", "1748": "nosebleeds", "1749": "everytime", "1750": "plait", "1751": "denny", "1752": "courses", "1753": "piping", "1754": "repayment", "1755": "shocking", "1756": "chipping", "1757": "reactions", "1758": "gfx", "1759": "brunette", "1760": "begged", "1761": "gfs", "1762": "huehuehue", "1763": "sweeper", "1764": "", "1765": "homegirls", "1766": "chrissy", "1767": "advertisers", "1768": "operation", "1769": "inquired", "1770": "lipstick", "1771": "ernie", "1772": "scoops", "1773": "kensington", "1774": "research", "1775": "inquires", "1776": "shiiiiiiiit", "1777": "offline", "1778": "occurs", "1779": "5months", "1780": "yeeh", "1781": "amazinggg", "1782": "omq", "1783": "calzone", "1784": "bedlam", "1785": "calzona", "1786": "abnormally", "1787": "3hrs", "1788": "plowing", "1789": "pyne", "1790": "renovated", "1791": "mcchicken", "1792": "definition", "1793": "pairs", "1794": "testament", "1795": "existential", "1796": "sidenote", "1797": "euphemism", "1798": "hyderabad", "1799": "popin", "1800": "precautionary", "1801": "brutally", "1802": "preservation", "1803": "sequester", "1804": "vell", "1805": "boredddd", "1806": "howay", "1807": "nuneaton", "1808": "firsts", "1809": "nome", "1810": "benedict", "1811": "arlington", "1812": "dfw", "1813": "swipe", "1814": "moderately", "1815": "nomo", "1816": "dfs", "1817": "ummah", "1818": "reallyy", "1819": "noms", "1820": "ilysfm", "1821": "hamptons", "1822": "saint", "1823": "aver", "1824": "dudeeee", "1825": "essays", "1826": "dfa", "1827": "floaties", "1828": "kaplan", "1829": "interviewed", "1830": "typhoon", "1831": "cheekbones", "1832": "3rds", "1833": "theater", "1834": "interviewer", "1835": "jumpshot", "1836": "traps", "1837": "ungrateful", "1838": "y0u", "1839": "condolences", "1840": "getaway", "1841": "tummy", "1842": "dismantling", "1843": "emirates", "1844": "prescott", "1845": "nickleback", "1846": "brining", "1847": "nikolai", "1848": "krew", "1849": "mensch", "1850": "beltre", "1851": "organisations", "1852": "swanky", "1853": "nailing", "1854": "guarding", "1855": "graffiti", "1856": "blond", "1857": "uxbridge", "1858": "burried", "1859": "carli", "1860": "sell", "1861": "fermented", "1862": "urwelcome", "1863": "ccl", "1864": "eeeeeee", "1865": "self", "1866": "mian", "1867": "miah", "1868": "souka", "1869": "heterosexual", "1870": "also", "1871": "recognizing", "1872": "sharpe", "1873": "omy", "1874": "pringles", "1875": "brendon", "1876": "singles", "1877": "5mins", "1878": "virus", "1879": "dirtbike", "1880": "l4d2", "1881": "stevenage", "1882": "understands", "1883": "omaha", "1884": "arson", "1885": "incase", "1886": "sometimes", "1887": "stoning", "1888": "barred", "1889": "aaaahhh", "1890": "bullseye", "1891": "barren", "1892": "barrel", "1893": "bulletin", "1894": "wording", "1895": "ugh", "1896": "carley", "1897": "exterminate", "1898": "blended", "1899": "uga", "1900": "ugg", "1901": "accommodations", "1902": "bookings", "1903": "naomi", "1904": "carlee", "1905": "🌚", "1906": "overwhelmed", "1907": "blender", "1908": "wraps", "1909": "mauer", "1910": "burfday", "1911": "m25", "1912": "drunkest", "1913": "gooey", "1914": "3h", "1915": "cassette", "1916": "removable", "1917": "indifference", "1918": "columns", "1919": "pleading", "1920": "ingram", "1921": "secular", "1922": "sunny", "1923": "remedy", "1924": "likr", "1925": "compass", "1926": "damnit", "1927": "sunni", "1928": "distraction", "1929": "kellyannepolls", "1930": "devoured", "1931": "belichick", "1932": "sects", "1933": "pleasures", "1934": "putlocker", "1935": "drwho", "1936": "wazza", "1937": "tanked", "1938": "wrecks", "1939": "caramel", "1940": "susanna", "1941": "ivanka", "1942": "tanker", "1943": "roundhouse", "1944": "rumored", "1945": "insane", "1946": "delicately", "1947": "anniversaries", "1948": "bozo", "1949": "312", "1950": "311", "1951": "activists", "1952": "317", "1953": "316", "1954": "315", "1955": "durin", "1956": "administrator", "1957": "collectively", "1958": "mauricio", "1959": "callahan", "1960": "sips", "1961": "dubnation", "1962": "allie", "1963": "project", "1964": "hibbert", "1965": "cappy", "1966": "trex", "1967": "deactivate", "1968": "dumbbells", "1969": "442", "1970": "goodlook", "1971": "thrive", "1972": "narnia", "1973": "fhs", "1974": "lovejoy", "1975": "untouched", "1976": "plssssss", "1977": "444", "1978": "empowering", "1979": "lass", "1980": "last", "1981": "sheldon", "1982": "opal", "1983": "henley", "1984": "connection", "1985": "quater", "1986": "retarded", "1987": "lash", "1988": "somn", "1989": "💁", "1990": "waitressing", "1991": "beli", "1992": "bell", "1993": "acted", "1994": "thoooo", "1995": "olly", "1996": "adaptation", "1997": "hian", "1998": "belt", "1999": "koeman", "2000": "satire", "2001": "implicit", "2002": "suburbs", "2003": "initiation", "2004": "formations", "2005": "faulkner", "2006": "ruthie", "2007": "🌋", "2008": "gloating", "2009": "counselling", "2010": "nrl", "2011": "niles", "2012": "infect", "2013": "nra", "2014": "nrg", "2015": "blizz", "2016": "moderation", "2017": "awake", "2018": "happyyyyy", "2019": "consulate", "2020": "presses", "2021": "presser", "2022": "caged", "2023": "expanded", "2024": "budget", "2025": "admire", "2026": "coped", "2027": "nanas", "2028": "pressed", "2029": "32", "2030": "whoaaa", "2031": "cages", "2032": "vod", "2033": "guestlist", "2034": "sabha", "2035": "agitation", "2036": "vol", "2037": "vom", "2038": "von", "2039": "binding", "2040": "mycroft", "2041": "vow", "2042": "vox", "2043": "voy", "2044": "cuisine", "2045": "raiders", "2046": "starlight", "2047": "kelowna", "2048": "yett", "2049": "😭", "2050": "manveer", "2051": "jihadis", "2052": "yeti", "2053": "ugliness", "2054": "calculation", "2055": "coincidences", "2056": "yaknow", "2057": "flooded", "2058": "ahlie", "2059": "everclear", "2060": "socceroos", "2061": "faught", "2062": "waddles", "2063": "nickname", "2064": "implement", "2065": "infamous", "2066": "escalator", "2067": "knn", "2068": "kno", "2069": "knk", "2070": "kne", "2071": "knb", "2072": "opticians", "2073": "fuckwit", "2074": "knw", "2075": "looted", "2076": "kns", "2077": "dieting", "2078": "heauxs", "2079": "soaked", "2080": "lads", "2081": "elemental", "2082": "cheddar", "2083": "starin", "2084": "suffolk", "2085": "hercules", "2086": "vgc", "2087": "spinners", "2088": "jayde", "2089": "goblet", "2090": "cuffs", "2091": "reap", "2092": "carful", "2093": "rangers", "2094": "horseradish", "2095": "parents", "2096": "michael5sos", "2097": "lurkin", "2098": "venmo", "2099": "lumpur", "2100": "khun", "2101": "indonesian", "2102": "emergency", "2103": "couple", "2104": "wives", "2105": "martyrs", "2106": "abound", "2107": "emergence", "2108": "abduct", "2109": "nicholls", "2110": "dline", "2111": "thurman", "2112": "vday", "2113": "marquee", "2114": "spine", "2115": "interweb", "2116": "alpacas", "2117": "chorus", "2118": "iphone6", "2119": "individuals", "2120": "biggboss", "2121": "marquez", "2122": "alexandra", "2123": "kokoro", "2124": "summarise", "2125": "spins", "2126": "reelection", "2127": "ijs", "2128": "methods", "2129": "pingu", "2130": "goddamn", "2131": "sorbet", "2132": "funnnnn", "2133": "bounce", "2134": "bouncy", "2135": "greener", "2136": "stoppin", "2137": "ijn", "2138": "sharma", "2139": "scarlets", "2140": "measurements", "2141": "novelty", "2142": "thrower", "2143": "cupped", "2144": "behave", "2145": "inserting", "2146": "gremlin", "2147": "concealer", "2148": "pietro", "2149": "concealed", "2150": "montero", "2151": "nauseated", "2152": "cranked", "2153": "deserved", "2154": "disjointed", "2155": "yeahhhhhh", "2156": "wrinkles", "2157": "melbourne", "2158": "deserves", "2159": "malarkey", "2160": "gallagher", "2161": "canning", "2162": "1gb", "2163": "fern", "2164": "chk", "2165": "terrorists", "2166": "intl", "2167": "into", "2168": "fooood", "2169": "gyros", "2170": "middleton", "2171": "controversies", "2172": "ints", "2173": "😖", "2174": "contributor", "2175": "facials", "2176": "katia", "2177": "chirping", "2178": "katie", "2179": "span", "2180": "soca", "2181": "spam", "2182": "soco", "2183": "motrin", "2184": "sock", "2185": "spag", "2186": "spaz", "2187": "atheists", "2188": "downloadable", "2189": "spar", "2190": "purred", "2191": "restraints", "2192": "spat", "2193": "chu", "2194": "considerably", "2195": "liee", "2196": "atlantis", "2197": "jacks", "2198": "hawaiian", "2199": "jacky", "2200": "conley", "2201": "deductions", "2202": "barman", "2203": "atlantic", "2204": "gwaan", "2205": "jacko", "2206": "wierdo", "2207": "hyping", "2208": "considerable", "2209": "intestines", "2210": "peeped", "2211": "fades", "2212": "charmed", "2213": "erick", "2214": "mingo", "2215": "inhumane", "2216": "erica", "2217": "maturity", "2218": "wetin", "2219": "faded", "2220": "imran", "2221": "blackett", "2222": "sudbury", "2223": "🌃", "2224": "chaa", "2225": "chad", "2226": "chae", "2227": "chai", "2228": "influence", "2229": "haunt", "2230": "chal", "2231": "cham", "2232": "globally", "2233": "chas", "2234": "chap", "2235": "diverse", "2236": "chav", "2237": "chat", "2238": "chaz", "2239": "chay", "2240": "schadenfreude", "2241": "cambogia", "2242": "pewds", "2243": "puzzling", "2244": "conjure", "2245": "everfree", "2246": "piña", "2247": "uranium", "2248": "hove", "2249": "singed", "2250": "revision", "2251": "🙊", "2252": "swaraj", "2253": "oblige", "2254": "issit", "2255": "aussies", "2256": "flatbush", "2257": "bianca", "2258": "lufthansa", "2259": "pilates", "2260": "suppression", "2261": "perverse", "2262": "akuma", "2263": "lang", "2264": "lane", "2265": "land", "2266": "lana", "2267": "maradona", "2268": "lani", "2269": "crease", "2270": "watertown", "2271": "beverage", "2272": "lans", "2273": "senioritis", "2274": "noooooooo", "2275": "tattooing", "2276": "northside", "2277": "amish", "2278": "amon", "2279": "zzzzzzz", "2280": "splashing", "2281": "feggit", "2282": "totem", "2283": "cobalt", "2284": "totes", "2285": "toggle", "2286": "unbuttoning", "2287": "broader", "2288": "amiss", "2289": "flashback", "2290": "shias", "2291": "detectives", "2292": "thebest", "2293": "windowsill", "2294": "turkish", "2295": "duped", "2296": "noooooooooooooo", "2297": "geldof", "2298": "dickinson", "2299": "blops", "2300": "resources", "2301": "uploaded", "2302": "quarterbacks", "2303": "omfgggg", "2304": "tyreke", "2305": "traumatised", "2306": "freind", "2307": "petitions", "2308": "decorating", "2309": "forks", "2310": "harbor", "2311": "whooping", "2312": "fewer", "2313": "damning", "2314": "youuu", "2315": "whoevers", "2316": "leonardo", "2317": "cannibals", "2318": "👺", "2319": "mishap", "2320": "crook", "2321": "video", "2322": "haiku", "2323": "twinn", "2324": "dynamics", "2325": "dicked", "2326": "victor", "2327": "alix", "2328": "yein", "2329": "sweats", "2330": "waning", "2331": "eyepatch", "2332": "sweaty", "2333": "henceforth", "2334": "xxxxxxxxx", "2335": "szczesny", "2336": "sooooooooo", "2337": "demsinphilly", "2338": "flowing", "2339": "charade", "2340": "harassing", "2341": "tybg", "2342": "researchers", "2343": "flinched", "2344": "lmfaoooooooooooooo", "2345": "squirming", "2346": "fifteen", "2347": "bakersfield", "2348": "yhhh", "2349": "thatd", "2350": "eastside", "2351": "gifset", "2352": "backkkkk", "2353": "rehabilitation", "2354": "quaint", "2355": "1930", "2356": "survey", "2357": "thatz", "2358": "derby", "2359": "thatt", "2360": "makes", "2361": "maker", "2362": "thats", "2363": "panicked", "2364": "mongers", "2365": "tds", "2366": "dumbest", "2367": "reserved", "2368": "nibbling", "2369": "1939", "2370": "🐞", "2371": "confidence", "2372": "mendoza", "2373": "gregor", "2374": "clicker", "2375": "next", "2376": "eleven", "2377": "assuring", "2378": "tahoe", "2379": "monae", "2380": "bullshitter", "2381": "baba", "2382": "pencil", "2383": "babe", "2384": "pff", "2385": "babi", "2386": "onedrive", "2387": "katelyn", "2388": "babo", "2389": "dayyyy", "2390": "pfp", "2391": "babs", "2392": "babu", "2393": "pft", "2394": "losin", "2395": "baby", "2396": "antichrist", "2397": "iain", "2398": "customer", "2399": "siwon", "2400": "integrating", "2401": "rosenthal", "2402": "clients", "2403": "unknowns", "2404": "joinin", "2405": "rylie", "2406": "choi", "2407": "scatter", "2408": "wedge", "2409": "loca", "2410": "etto", "2411": "hauls", "2412": "loce", "2413": "process", "2414": "lock", "2415": "coolness", "2416": "rode", "2417": "loco", "2418": "promotional", "2419": "locs", "2420": "didt", "2421": "rods", "2422": "educational", "2423": "hookin", "2424": "5rts", "2425": "merlot", "2426": "bilingual", "2427": "hormones", "2428": "burley", "2429": "comedy", "2430": "intelligent", "2431": "puckers", "2432": "pales", "2433": "paler", "2434": "maaaaybe", "2435": "gengar", "2436": "chow", "2437": "denounce", "2438": "paintball", "2439": "curving", "2440": "terrors", "2441": "unoriginal", "2442": "upstate", "2443": "mjd", "2444": "daesung", "2445": "realized", "2446": "clarkson", "2447": "pardy", "2448": "awkwardness", "2449": "robot", "2450": "vaccination", "2451": "salamander", "2452": "realizes", "2453": "noches", "2454": "houston", "2455": "evolutionary", "2456": "thigh", "2457": "mute", "2458": "enstars", "2459": "insight", "2460": "grimaces", "2461": "directv", "2462": "spatula", "2463": "directs", "2464": "mutt", "2465": "peavy", "2466": "smoove", "2467": "perfect", "2468": "ayala", "2469": "ohwell", "2470": "meantime", "2471": "thieves", "2472": "stalled", "2473": "derivative", "2474": "90210", "2475": "sabotaging", "2476": "physicians", "2477": "prosper", "2478": "minghao", "2479": "staar", "2480": "staal", "2481": "snake", "2482": "avenues", "2483": "emblemthree", "2484": "realize", "2485": "redford", "2486": "damian", "2487": "spilling", "2488": "scenic", "2489": "sneezed", "2490": "cheesecakes", "2491": "denzel", "2492": "shortage", "2493": "wkwk", "2494": "badman", "2495": "sneezes", "2496": "scorch", "2497": "glasses", "2498": "calipari", "2499": "suitors", "2500": "bump", "2501": "bums", "2502": "paedophiles", "2503": "vodacom", "2504": "alejandro", "2505": "books", "2506": "wattup", "2507": "watchdog", "2508": "bumb", "2509": "bigfoot", "2510": "witness", "2511": "alejandra", "2512": "makoto", "2513": "matrix", "2514": "'", "2515": "rigging", "2516": "nowadays", "2517": "boutique", "2518": "🌱", "2519": "dania", "2520": "frowns", "2521": "miamiheat", "2522": "unprepared", "2523": "burka", "2524": "riggins", "2525": "incompetence", "2526": "burke", "2527": "frowny", "2528": "critiquing", "2529": "wmyb", "2530": "durban", "2531": "saud", "2532": "hyundai", "2533": "greedy", "2534": "leukemia", "2535": "npcs", "2536": "grater", "2537": "pothead", "2538": "turrible", "2539": "cate", "2540": "chilli", "2541": "enought", "2542": "chilll", "2543": "regressed", "2544": "chilln", "2545": "gallons", "2546": "could", "2547": "chilly", "2548": "length", "2549": "toooooooooo", "2550": "chills", "2551": "relays", "2552": "scene", "2553": "soothing", "2554": "billings", "2555": "damit", "2556": "khans", "2557": "affliction", "2558": "woodhead", "2559": "enjoyin", "2560": "scent", "2561": "wilshire", "2562": "collymore", "2563": "bsing", "2564": "ordering", "2565": "cucks", "2566": "backdoor", "2567": "sergeant", "2568": "ahhahah", "2569": "zaria", "2570": "faygo", "2571": "grated", "2572": "interests", "2573": "enforcement", "2574": "stomach", "2575": "ohhhhhhh", "2576": "quarry", "2577": "iwill", "2578": "12x12", "2579": "chong", "2580": "fatboy", "2581": "twon", "2582": "wahhh", "2583": "gayi", "2584": "gayo", "2585": "egregious", "2586": "roulette", "2587": "gaya", "2588": "nnnn", "2589": "gaye", "2590": "hahahahahahahaha", "2591": "gayy", "2592": "orchestrated", "2593": "arguin", "2594": "daydreams", "2595": "gays", "2596": "arey", "2597": "twos", "2598": "false", "2599": "shrinks", "2600": "fawkes", "2601": "hashtags", "2602": "tonight", "2603": "chelsie", "2604": "hellllll", "2605": "amirite", "2606": "ponders", "2607": "cecil", "2608": "yoouuu", "2609": "depict", "2610": "dishes", "2611": "doraemon", "2612": "uncalled", "2613": "sinatra", "2614": "🐵", "2615": "mikasa", "2616": "machinima", "2617": "worldwide", "2618": "jimmies", "2619": "manor", "2620": "terio", "2621": "dumbasses", "2622": "krogers", "2623": "petals", "2624": "cipher", "2625": "bioshock", "2626": "coquelin", "2627": "manoj", "2628": "stiches", "2629": "bren", "2630": "placement", "2631": "manson", "2632": "wuthering", "2633": "breh", "2634": "bree", "2635": "bred", "2636": "thanksgiving", "2637": "brea", "2638": "🏰", "2639": "bartenders", "2640": "brew", "2641": "bret", "2642": "brer", "2643": "scotts", "2644": "rainbows", "2645": "skybet", "2646": "scotty", "2647": "shittttt", "2648": "porcello", "2649": "greenhouse", "2650": "droves", "2651": "aiken", "2652": "taps", "2653": "jaz", "2654": "jax", "2655": "jay", "2656": "╮", "2657": "jaw", "2658": "jar", "2659": "jas", "2660": "jap", "2661": "babadook", "2662": "jan", "2663": "entities", "2664": "jam", "2665": "tape", "2666": "jak", "2667": "jah", "2668": "jai", "2669": "tapi", "2670": "riding", "2671": "jad", "2672": "jae", "2673": "jab", "2674": "jac", "2675": "leaderboard", "2676": "jaa", "2677": "abba", "2678": "undivided", "2679": "attaches", "2680": "stickin", "2681": "prohibition", "2682": "fbook", "2683": "molasses", "2684": "eurgh", "2685": "sinus", "2686": "wring", "2687": "styrofoam", "2688": "abby", "2689": "irc", "2690": "rapper", "2691": "taxes", "2692": "epically", "2693": "whoohoo", "2694": "hiro", "2695": "stuff", "2696": "aee", "2697": "ohio", "2698": "rapped", "2699": "anywayss", "2700": "guessing", "2701": "pronoun", "2702": "frame", "2703": "horns", "2704": "andover", "2705": "flattering", "2706": "skateboarding", "2707": "partick", "2708": "euston", "2709": "tavon", "2710": "errthing", "2711": "betrays", "2712": "chl", "2713": "lattimore", "2714": "dungeon", "2715": "destiny", "2716": "insulting", "2717": "nuclear", "2718": "posse", "2719": "squinting", "2720": "canterlot", "2721": "melrose", "2722": "fetty", "2723": "buchholz", "2724": "eum", "2725": "keynote", "2726": "twirls", "2727": "lawsuit", "2728": "staring", "2729": "marty", "2730": "hammy", "2731": "lashton", "2732": "bucked", "2733": "dumbledore", "2734": "bristow", "2735": "marth", "2736": "doorway", "2737": "bristol", "2738": "marta", "2739": "apostrophe", "2740": "marte", "2741": "toulon", "2742": "gooood", "2743": "outlander", "2744": "gooooo", "2745": "defiance", "2746": "hakuna", "2747": "oregano", "2748": "pugs", "2749": "undergraduate", "2750": "worldstar", "2751": "kindergarten", "2752": "mailman", "2753": "midland", "2754": "loljk", "2755": "hittas", "2756": "wewe", "2757": "genetic", "2758": "feather", "2759": "kaha", "2760": ">", "2761": "okaayy", "2762": "sheepish", "2763": "chlamydia", "2764": "commuter", "2765": "attest", "2766": "numpty", "2767": "hateful", "2768": "banish", "2769": "hahahs", "2770": "rbs", "2771": "cvs", "2772": "podcasts", "2773": "uggghhh", "2774": "bawled", "2775": "eaton", "2776": "ravenclaw", "2777": "rbi", "2778": "hahaha", "2779": "deductible", "2780": "fielding", "2781": "hahahh", "2782": "uggh", "2783": "stuffing", "2784": "saleh", "2785": "2mm", "2786": "uggg", "2787": "", "2788": "macedonia", "2789": "uggs", "2790": "ransom", "2791": "tattoo", "2792": "denial", "2793": "pauly", "2794": "ishrat", "2795": "newsroom", "2796": "psyqo", "2797": "pauls", "2798": "paulo", "2799": "gibbs", "2800": "pickin", "2801": "mamacita", "2802": "┻", "2803": "tahan", "2804": "gibby", "2805": "paula", "2806": "unimaginable", "2807": "yon", "2808": "wanch", "2809": "censoring", "2810": "carwash", "2811": "thks", "2812": "400th", "2813": "isssss", "2814": "colts", "2815": "identity", "2816": "diabetes", "2817": "audit", "2818": "ofc", "2819": "off", "2820": "englishman", "2821": "shotgun", "2822": "indonesia", "2823": "ofn", "2824": "patrols", "2825": "dissing", "2826": "lookie", "2827": "splatter", "2828": "phan", "2829": "pham", "2830": "oft", "2831": "barricades", "2832": "diversify", "2833": "audio", "2834": "newest", "2835": "akira", "2836": "souped", "2837": "clocks", "2838": "shiloh", "2839": "web", "2840": "wea", "2841": "jinja", "2842": "wee", "2843": "wed", "2844": "wei", "2845": "weh", "2846": "wen", "2847": "wel", "2848": "wes", "2849": "wer", "2850": "englands", "2851": "neoliberal", "2852": "wew", "2853": "crack", "2854": "enfield", "2855": "wez", "2856": "wey", "2857": "practise", "2858": "villagers", "2859": "ahhah", "2860": "photo", "2861": "phineas", "2862": "ahhaa", "2863": "crud", "2864": "bartending", "2865": "crux", "2866": "cruz", "2867": "zimbabwe", "2868": "jamaicans", "2869": "mathematics", "2870": "tich", "2871": "tick", "2872": "pier", "2873": "pies", "2874": "debatable", "2875": "emma", "2876": "bulge", "2877": "flickering", "2878": "become", "2879": "emmy", "2880": "sprain", "2881": "reimbursement", "2882": "🐇", "2883": "xboxone", "2884": "immortal", "2885": "ittttttt", "2886": "gymnastics", "2887": "choosing", "2888": "flush", "2889": "yayayayay", "2890": "hissing", "2891": "blonde", "2892": "recognition", "2893": "hipsters", "2894": "speith", "2895": "kiddy", "2896": "passion", "2897": "kiddo", "2898": "prinny", "2899": "uhhhh", "2900": "biology", "2901": "pomeranian", "2902": "routers", "2903": "hooligan", "2904": "manti", "2905": "eurosport", "2906": "pressure", "2907": "torched", "2908": "imaginary", "2909": "coldly", "2910": "aite", "2911": "lifestyle", "2912": "indycar", "2913": "blackness", "2914": "iwas", "2915": "documentary", "2916": "swimming", "2917": "froome", "2918": "letters", "2919": "awwwwwwwww", "2920": "donde", "2921": "camden", "2922": "finsbury", "2923": "mulcair", "2924": "frl", "2925": "2k16", "2926": "muck", "2927": "2k14", "2928": "2k15", "2929": "alpaca", "2930": "brownies", "2931": "reactivate", "2932": "omgomg", "2933": "pairing", "2934": "peters", "2935": "heresy", "2936": "yrs", "2937": "nawwwww", "2938": "presssec", "2939": "bagged", "2940": "`", "2941": "maori", "2942": "exsist", "2943": "🍈", "2944": "bagger", "2945": "📝", "2946": "aargh", "2947": "swarmed", "2948": "tossed", "2949": "places", "2950": "bloodline", "2951": "shrunk", "2952": "shhhhhh", "2953": "probley", "2954": "excitement", "2955": "placed", "2956": "tosser", "2957": "tosses", "2958": "subtweets", "2959": "adderall", "2960": "problem", "2961": "floridian", "2962": "reciprocated", "2963": "nurses", "2964": "filmmaking", "2965": "☑", "2966": "aristotle", "2967": "viner", "2968": "walters", "2969": "effected", "2970": "compared", "2971": "nonetheless", "2972": "deadly", "2973": "lately", "2974": "saviour", "2975": "annnnd", "2976": "compares", "2977": "details", "2978": "behold", "2979": "illusion", "2980": "ponytail", "2981": "repeat", "2982": "outsold", "2983": "onyx", "2984": "outlets", "2985": "plannin", "2986": "xxxxxxxxxxxxx", "2987": "repeal", "2988": "exposure", "2989": "searches", "2990": "yeaaa", "2991": "fuuck", "2992": "gahdamn", "2993": "yeaah", "2994": "preggo", "2995": "laryngitis", "2996": "compete", "2997": "lestat", "2998": "searched", "2999": "misheard", "3000": "gardens", "3001": "magnetic", "3002": "whennn", "3003": "skynews", "3004": "yikes", "3005": "coopers", "3006": "nursery", "3007": "huffs", "3008": "integrity", "3009": "stinks", "3010": "stub", "3011": "porno", "3012": "goooooooood", "3013": "punjab", "3014": "deray", "3015": "wohooo", "3016": "neighbours", "3017": "sexualized", "3018": "stuf", "3019": "worth", "3020": "alternating", "3021": "yeeeep", "3022": "yeeees", "3023": "aurora", "3024": "fashionably", "3025": "durango", "3026": "yeeeee", "3027": "smog", "3028": "blanche", "3029": "blowouts", "3030": "progression", "3031": "exaggerate", "3032": "cmg", "3033": "pacsun", "3034": "cme", "3035": "cmd", "3036": "debunked", "3037": "cma", "3038": "roadblock", "3039": "samurai", "3040": "notifying", "3041": "monologue", "3042": "cmt", "3043": "cms", "3044": "jamaica", "3045": "sleeeeeep", "3046": "sabbath", "3047": "hyungwon", "3048": "depraved", "3049": "zander", "3050": "eurovision", "3051": "panda", "3052": "machines", "3053": "stardom", "3054": "anddd", "3055": "declassified", "3056": "rockies", "3057": "lessa", "3058": "goooodmorning", "3059": "preds", "3060": "bipolar", "3061": "nefarious", "3062": "petra", "3063": "lesss", "3064": "giroud", "3065": "spunky", "3066": "equals", "3067": "metaphorically", "3068": "protection", "3069": "personified", "3070": "giroux", "3071": "langford", "3072": "stresses", "3073": "qua", "3074": "watermelons", "3075": "fireballs", "3076": "audra", "3077": "acctually", "3078": "phaneuf", "3079": "stressed", "3080": "lonesome", "3081": "postponed", "3082": "daaang", "3083": "bry", "3084": "bru", "3085": "darlings", "3086": "brr", "3087": "🐎", "3088": "bro", "3089": "insta", "3090": "bri", "3091": "tzu", "3092": "bre", "3093": "brb", "3094": "bra", "3095": "sarah", "3096": "plot", "3097": "plow", "3098": "plop", "3099": "saran", "3100": "sweater", "3101": "coins", "3102": "bundles", "3103": "plox", "3104": "redwings", "3105": "comcast", "3106": "apprenticeships", "3107": "tryin", "3108": "sweated", "3109": "🔋", "3110": "icona", "3111": "reevaluate", "3112": "becouse", "3113": "mathew", "3114": "dominos_uk", "3115": "championships", "3116": "separates", "3117": "yard", "3118": "ihave", "3119": "adamant", "3120": "blocking", "3121": "pulitzer", "3122": "1991", "3123": "tnt", "3124": "1993", "3125": "1992", "3126": "1995", "3127": "1994", "3128": "err", "3129": "ers", "3130": "1999", "3131": "1998", "3132": "tnx", "3133": "cuddly", "3134": "ere", "3135": "tng", "3136": "cuddle", "3137": "tna", "3138": "era", "3139": "merida", "3140": "containment", "3141": "elbow", "3142": "erm", "3143": "camry", "3144": "erh", "3145": "recipes", "3146": "gloria", "3147": "erk", "3148": "hallie", "3149": "indicated", "3150": "quivering", "3151": "flung", "3152": "heartless", "3153": "indicates", "3154": "anytimee", "3155": "supernova", "3156": "totaled", "3157": "bouncers", "3158": "yaaaay", "3159": "whuuuut", "3160": "prolife", "3161": "recovery", "3162": "skyler", "3163": "carriers", "3164": "provide", "3165": "yaaaas", "3166": "nutt", "3167": "nuts", "3168": "recovers", "3169": "voicing", "3170": "shakin", "3171": "allied", "3172": "moron", "3173": "truthful", "3174": "bebop", "3175": "preachin", "3176": "merritt", "3177": "bares", "3178": "arcs", "3179": "ladder", "3180": "dumby", "3181": "nawww", "3182": "customs", "3183": "yougov", "3184": "dumbo", "3185": "sasha", "3186": "arch", "3187": "complacent", "3188": "elusive", "3189": "padre", "3190": "alienate", "3191": "schneider", "3192": "appreciate", "3193": "sorryyyy", "3194": "purging", "3195": "backwoods", "3196": "kinkshaming", "3197": "davies", "3198": "minded", "3199": "popsicle", "3200": "migos", "3201": "🤒", "3202": "nsfw", "3203": "innovative", "3204": "slimmer", "3205": "democracies", "3206": "kaepernick", "3207": "christie", "3208": "production", "3209": "understated", "3210": "valor", "3211": "savour", "3212": "electra", "3213": "coffee", "3214": "jerking", "3215": "safe", "3216": "safc", "3217": "safa", "3218": "dipshits", "3219": "hispanics", "3220": "roommate", "3221": "7on7", "3222": "penetration", "3223": "reaches", "3224": "reacher", "3225": "lifelong", "3226": "sodom", "3227": "dingo", "3228": "vinod", "3229": "reasonably", "3230": "routines", "3231": "l", "3232": "dingy", "3233": "crewneck", "3234": "hillcrest", "3235": "espeon", "3236": "reasonable", "3237": "flyers", "3238": "cashmere", "3239": "feeds", "3240": "cuuute", "3241": "4yo", "3242": "calderon", "3243": "dumping", "3244": "masseuse", "3245": "emeralds", "3246": "sled", "3247": "maniacs", "3248": "souths", "3249": "slep", "3250": "slew", "3251": "4yr", "3252": "willlll", "3253": "fuxkin", "3254": "chrissie", "3255": "inadvertently", "3256": "raffles", "3257": "trainers", "3258": "daniel", "3259": "owning", "3260": "hootsuite", "3261": "foxbusiness", "3262": "sampai", "3263": "judith", "3264": "marca", "3265": "33333333", "3266": "mullen", "3267": "disputed", "3268": "barrier", "3269": "nonis", "3270": "leftovers", "3271": "mulled", "3272": "dashing", "3273": "forcibly", "3274": "enlightened", "3275": "mullet", "3276": "lollipop", "3277": "soundcloud", "3278": "renee", "3279": "dammit", "3280": "maniac", "3281": "refugee", "3282": "raisin", "3283": "wrud", "3284": "flawless", "3285": "renew", "3286": "footsteps", "3287": "render", "3288": "synonymous", "3289": "hamstring", "3290": "pratice", "3291": "another", "3292": "electronic", "3293": "mojo", "3294": "illustrate", "3295": "timothy", "3296": "pitchwars", "3297": "haaha", "3298": "explosives", "3299": "dogg", "3300": "garcinia", "3301": "doge", "3302": "elevator", "3303": "fumble", "3304": "bellerin", "3305": "john", "3306": "dogs", "3307": "chanted", "3308": "emblem", "3309": "alonso", "3310": "reccomend", "3311": "waster", "3312": "wastes", "3313": "scorpions", "3314": "favvv", "3315": "cereal", "3316": "wasted", "3317": "sayless", "3318": "asssss", "3319": "guild", "3320": "guile", "3321": "preformed", "3322": "guilt", "3323": "▿", "3324": "historical", "3325": "apparantly", "3326": "grates", "3327": "hologram", "3328": "funnyyy", "3329": "calpol", "3330": "giraffes", "3331": "respecting", "3332": "portraits", "3333": "theeee", "3334": "enchanted", "3335": "ttown", "3336": "contents", "3337": "praising", "3338": "🐥", "3339": "convenient", "3340": "subjects", "3341": "thundering", "3342": "pilgrimage", "3343": "lagares", "3344": "gravy", "3345": "👊", "3346": "bruce", "3347": "hammond", "3348": "ramblings", "3349": "germany", "3350": "scripts", "3351": "assessed", "3352": "beatport", "3353": "grave", "3354": "sooyoung", "3355": "🏠", "3356": "lindor", "3357": "antifa", "3358": "follback", "3359": "fanks", "3360": "swamp", "3361": "niether", "3362": "bracket", "3363": "aunt", "3364": "xxxxxxxxxxxxxx", "3365": "swamy", "3366": "reserve", "3367": "roleplaying", "3368": "stephens", "3369": "lewis", "3370": "alevels", "3371": "dybala", "3372": "disturbs", "3373": "spuds", "3374": "letterman", "3375": "yaaasss", "3376": "panned", "3377": "helpdesk", "3378": "gutsy", "3379": "cashews", "3380": "blanking", "3381": "challengers", "3382": "rectangle", "3383": "meaghan", "3384": "cappuccino", "3385": "rotated", "3386": "bodyguard", "3387": "euro2016", "3388": "unicycle", "3389": "haunted", "3390": "roundabout", "3391": "downtime", "3392": "vividly", "3393": "beleive", "3394": "chanel", "3395": "tehelka", "3396": "eme", "3397": "runs", "3398": "ema", "3399": "runt", "3400": "adultery", "3401": "emm", "3402": "emo", "3403": "ahhhhhhh", "3404": "emi", "3405": "lexington", "3406": "emu", "3407": "emt", "3408": "rune", "3409": "gears", "3410": "ems", "3411": "emy", "3412": "scrubbed", "3413": "secretary", "3414": "peshawar", "3415": "optimus", "3416": "̅", "3417": "reread", "3418": "turmoil", "3419": "dustbin", "3420": "torrents", "3421": "horrendous", "3422": "discussions", "3423": "optimum", "3424": "henny", "3425": "frontline", "3426": "techniques", "3427": "pantera", "3428": "pastel", "3429": "draws", "3430": "pasted", "3431": "away", "3432": "pfff", "3433": "babay", "3434": "bracing", "3435": "arcane", "3436": "cooperation", "3437": "awak", "3438": "drawn", "3439": "drawl", "3440": "pfft", "3441": "shields", "3442": "awal", "3443": "loadshedding", "3444": "handful", "3445": "replayed", "3446": "mtsu", "3447": "nahhh", "3448": "travellers", "3449": "visited", "3450": "hal", "3451": "kitchen", "3452": "climate", "3453": "psychologists", "3454": "complainin", "3455": "fags", "3456": "mmmhmm", "3457": "fagg", "3458": "disappears", "3459": "emporium", "3460": "tone", "3461": "tong", "3462": "godbless", "3463": "toni", "3464": "tonk", "3465": "stronk", "3466": "condescending", "3467": "bayless", "3468": "tons", "3469": "tony", "3470": "darmian", "3471": "priscilla", "3472": "chelmsford", "3473": "gratitude", "3474": "noes", "3475": "boujee", "3476": "sleepover", "3477": "noel", "3478": "westport", "3479": "bishh", "3480": "abuja", "3481": "lesbihonest", "3482": "roro", "3483": "superpowers", "3484": "💷", "3485": "dcfc", "3486": "attacked", "3487": "stifle", "3488": "thattttt", "3489": "excite", "3490": "hacksaw", "3491": "madhouse", "3492": "attacker", "3493": "haq", "3494": "scifitv", "3495": "gracious", "3496": "gnr", "3497": "ctfuuu", "3498": "gangbang", "3499": "ehhhhh", "3500": "gna", "3501": "gng", "3502": "gne", "3503": "thrash", "3504": "35th", "3505": "gno", "3506": "cavern", "3507": "succes", "3508": "cylinder", "3509": "cons", "3510": "cont", "3511": "have", "3512": "conv", "3513": "beetles", "3514": "thursdays", "3515": "separatist", "3516": "tissue", "3517": "cone", "3518": "conf", "3519": "cong", "3520": "conn", "3521": "whitlock", "3522": "justintrudeau", "3523": "myungsoo", "3524": "adjectives", "3525": "fukc", "3526": "followfriday", "3527": "💶", "3528": "miya", "3529": "wheel", "3530": "acceleration", "3531": "hani", "3532": "sporty", "3533": "fuss", "3534": "ashtons", "3535": "hana", "3536": "quentin", "3537": "hang", "3538": "bomer", "3539": "🍏", "3540": "hand", "3541": "liberties", "3542": "fuse", "3543": "hhahaha", "3544": "animations", "3545": "hans", "3546": "selfless", "3547": "venturing", "3548": "vermont", "3549": "priebus", "3550": "1600", "3551": "humble", "3552": "drunkie", "3553": "skillful", "3554": "client", "3555": "wallah", "3556": "musical", "3557": "uniquely", "3558": "mclean", "3559": "traditions", "3560": "sangat", "3561": "khune", "3562": "edmonton", "3563": "newton", "3564": "thankk", "3565": "gingerly", "3566": "thanku", "3567": "thanks", "3568": "sabbatical", "3569": "ol", "3570": "thankz", "3571": "thankx", "3572": "hogg", "3573": "jose", "3574": "denton", "3575": "yamaha", "3576": "cornell", "3577": "similarities", "3578": "shoul", "3579": "josh", "3580": "sochi", "3581": "wright", "3582": "shout", "3583": "trampled", "3584": "joss", "3585": "cochran", "3586": "righteous", "3587": "usable", "3588": "hogi", "3589": "insensitive", "3590": "lcs", "3591": "mindfuck", "3592": "tricking", "3593": "lcd", "3594": "fulham", "3595": "lcc", "3596": "everton", "3597": "designers", "3598": "unfounded", "3599": "hairless", "3600": "packin", "3601": "nigha", "3602": "crybabies", "3603": "rustle", "3604": "cooler", "3605": "clegg", "3606": "5eva", "3607": "sparse", "3608": "night", "3609": "swingin", "3610": "revisiting", "3611": "fluoride", "3612": "rebooking", "3613": "cooled", "3614": "taffy", "3615": "dimitri", "3616": "flatter", "3617": "jumin", "3618": "boro", "3619": "born", "3620": "couture", "3621": "hassle", "3622": "flatten", "3623": "borg", "3624": "bore", "3625": "bord", "3626": "bora", "3627": "confusing", "3628": "adorably", "3629": "congratulate", "3630": "datin", "3631": "sfx", "3632": "josé", "3633": "asking", "3634": "targaryen", "3635": "lahore", "3636": "adorable", "3637": "participation", "3638": "❁", "3639": "peek", "3640": "peen", "3641": "peel", "3642": "sadie", "3643": "mascherano", "3644": "🙋", "3645": "shogun", "3646": "peed", "3647": "sfs", "3648": "newmarket", "3649": "libdems", "3650": "peer", "3651": "pees", "3652": "peep", "3653": "flurries", "3654": "herpes", "3655": "y0", "3656": "saurez", "3657": "_____", "3658": "♫", "3659": "u__u", "3660": "opie", "3661": "jacques", "3662": "guiness", "3663": "thermostat", "3664": "wasting", "3665": "lavar", "3666": "sparing", "3667": "profession", "3668": "beneficial", "3669": "karlsson", "3670": "rendering", "3671": "⊙", "3672": "stumble", "3673": "chomp", "3674": "deception", "3675": "available", "3676": "sovereign", "3677": "interning", "3678": "conservation", "3679": "wrongdoing", "3680": "spinnin", "3681": "🌸", "3682": "poch", "3683": "elisa", "3684": "overjoyed", "3685": "diligence", "3686": "teehee", "3687": "📍", "3688": "freelancer", "3689": "needles", "3690": "catalyst", "3691": "boon", "3692": "lovebug", "3693": "injury", "3694": "isis", "3695": "reproductive", "3696": "captive", "3697": "chocobo", "3698": "maximum", "3699": "kameron", "3700": "plymouth", "3701": "sunnis", "3702": "fanfest", "3703": "maroon5", "3704": "faking", "3705": "fuckign", "3706": "isil", "3707": "respite", "3708": "prayed", "3709": "allday", "3710": "guesses", "3711": "gretzky", "3712": "nandos", "3713": "shitbag", "3714": "trombone", "3715": "fibbing", "3716": "guessed", "3717": "expertise", "3718": "potholes", "3719": "prayer", "3720": "ofmg", "3721": "realllllly", "3722": "valuing", "3723": "matchday", "3724": "guardiola", "3725": "test", "3726": "bulling", "3727": "tess", "3728": "2mins", "3729": "mulling", "3730": "grazie", "3731": "update", "3732": "gobby", "3733": "walton", "3734": "enthused", "3735": "notting", "3736": "detox", "3737": "mullins", "3738": "hiii", "3739": "faze", "3740": "normally", "3741": "interval", "3742": "oltl", "3743": "beds", "3744": "songz", "3745": "gutting", "3746": "knockouts", "3747": "paige", "3748": "hiit", "3749": "songs", "3750": "⠀", "3751": "belanja", "3752": "concept", "3753": "diplomacy", "3754": "charlies", "3755": "silverware", "3756": "horseback", "3757": "【", "3758": "supplement", "3759": "battle", "3760": "raidernation", "3761": "mandir", "3762": "layers", "3763": "varnish", "3764": "kendra", "3765": "kkkkkkk", "3766": "obamacare", "3767": "gigs", "3768": "asstard", "3769": "gigi", "3770": "stunna", "3771": "soothes", "3772": "dartmouth", "3773": "alana", "3774": "hellen", "3775": "meninist", "3776": "syphilis", "3777": "baird", "3778": "aintree", "3779": "airing", "3780": "hickeys", "3781": "gua", "3782": "cunningham", "3783": "trifecta", "3784": "gud", "3785": "turns", "3786": "gui", "3787": "guh", "3788": "gun", "3789": "gum", "3790": "gul", "3791": "gus", "3792": "gur", "3793": "soooo", "3794": "sooon", "3795": "guv", "3796": "gut", "3797": "fuuuck", "3798": "guy", "3799": "swtor", "3800": "alfa", "3801": "verifiable", "3802": "iori", "3803": "knobhead", "3804": "abiut", "3805": "cost", "3806": "aaaaaaand", "3807": "cosy", "3808": "rapist", "3809": "peele", "3810": "barbie", "3811": "🔩", "3812": "underappreciated", "3813": "shares", "3814": "peels", "3815": "hdfc", "3816": "daaaang", "3817": "sadies", "3818": "u___u", "3819": "shared", "3820": "oaks", "3821": "tassie", "3822": "topanga", "3823": "cranston", "3824": "inspiring", "3825": "giles", "3826": "👓", "3827": "kenyatta", "3828": "obsessing", "3829": "sieve", "3830": "teaches", "3831": "teacher", "3832": "sociable", "3833": "sending", "3834": "tommorw", "3835": "yoouu", "3836": "banga", "3837": "canadia", "3838": "screamin", "3839": "bangs", "3840": "franklin", "3841": "adept", "3842": "domains", "3843": "tommoro", "3844": "lavine", "3845": "🍽", "3846": "pillow", "3847": "430", "3848": "plotted", "3849": "fbs", "3850": "puffer", "3851": "regardless", "3852": "uzi", "3853": "extra", "3854": "uphill", "3855": "cantt", "3856": "f3", "3857": "softy", "3858": "liesssss", "3859": "fbi", "3860": "nauseating", "3861": "firearm", "3862": "prolong", "3863": "bigs", "3864": "symbolizes", "3865": "wonderfully", "3866": "officiating", "3867": "slough", "3868": "bigg", "3869": "maccies", "3870": "intently", "3871": "rainfall", "3872": "abrams", "3873": "prancing", "3874": "goodison", "3875": "cluck", "3876": "enda", "3877": "skyped", "3878": "carissa", "3879": "wowowowow", "3880": "dermatologist", "3881": "voided", "3882": "ctfu", "3883": "skaters", "3884": "ibm", "3885": "decked", "3886": "niggas", "3887": "smuggled", "3888": "ibe", "3889": "niggaz", "3890": "purge", "3891": "⛵", "3892": "niggaa", "3893": "commemorate", "3894": "woefully", "3895": "trans", "3896": "niggah", "3897": "withh", "3898": "awweee", "3899": "powerball", "3900": "gaston", "3901": "chip", "3902": "dawwww", "3903": "neverforget", "3904": "chit", "3905": "bostonmarathon", "3906": "chik", "3907": "walkies", "3908": "chin", "3909": "hakeem", "3910": "chil", "3911": "chim", "3912": "chic", "3913": "chia", "3914": "occur", "3915": "chie", "3916": "nomming", "3917": "lacks", "3918": "dorsett", "3919": "dialysis", "3920": "discussion", "3921": "spreads", "3922": "giveaways", "3923": "lounge", "3924": "wonderfull", "3925": "mcgloin", "3926": "strays", "3927": "economy", "3928": "armies", "3929": "product", "3930": "escalate", "3931": "disgusted", "3932": "produce", "3933": "yeaahh", "3934": "drastic", "3935": "kuro", "3936": "noses", "3937": "grandson", "3938": "brussel", "3939": "irwin", "3940": "corona", "3941": "nosey", "3942": "beehive", "3943": "nosed", "3944": "laff", "3945": "kurt", "3946": "clarke", "3947": "opts", "3948": "yoojung", "3949": "wwhat", "3950": "approx", "3951": "serving", "3952": "twitchy", "3953": "ender", "3954": "freckles", "3955": "915", "3956": "soc", "3957": "ledger", "3958": "ended", "3959": "tablets", "3960": "still", "3961": "no1", "3962": "no2", "3963": "earplugs", "3964": "curlers", "3965": "roomates", "3966": "mochi", "3967": "lyin", "3968": "albicristina", "3969": "saxon", "3970": "wassgood", "3971": "factual", "3972": "tiara", "3973": "marshall", "3974": "correspondence", "3975": "nom", "3976": "non", "3977": "noo", "3978": "shayla", "3979": "noi", "3980": "hardwick", "3981": "nod", "3982": "noe", "3983": "nog", "3984": "noa", "3985": "introduce", "3986": "edmond", "3987": "adrenaline", "3988": "taliban", "3989": "slacks", "3990": "wealthy", "3991": "not", "3992": "nou", "3993": "nov", "3994": "now", "3995": "nop", "3996": "nor", "3997": "nos", "3998": "keel", "3999": "respectable", "4000": "drop", "4001": "daffy", "4002": "sou", "4003": "unloaded", "4004": "nighttt", "4005": "yeag", "4006": "yeaa", "4007": "prompted", "4008": "challenged", "4009": "anubis", "4010": "yeah", "4011": "fixer", "4012": "challenges", "4013": "challenger", "4014": "haish", "4015": "replay", "4016": "yeap", "4017": "yeas", "4018": "year", "4019": "naming", "4020": "dripped", "4021": "yeay", "4022": "monitors", "4023": "funnest", "4024": "twitterland", "4025": "bullish", "4026": "aftie", "4027": "furthermore", "4028": "sitters", "4029": "thirst", "4030": "benitez", "4031": "wholeheartedly", "4032": "caniff", "4033": "fargo", "4034": "forgettin", "4035": "smfh", "4036": "diagnostic", "4037": "tami", "4038": "advantages", "4039": "tangles", "4040": "trueee", "4041": "fa", "4042": "transition", "4043": "breitbart", "4044": "trier", "4045": "tangled", "4046": "invitation", "4047": "510", "4048": "outcry", "4049": "512", "4050": "515", "4051": "altitude", "4052": "blind", "4053": "raine", "4054": "romania", "4055": "bling", "4056": "flipping", "4057": "blink", "4058": "knowwwwww", "4059": "rino", "4060": "rink", "4061": "fi", "4062": "ring", "4063": "tame", "4064": "rina", "4065": "tomorrow", "4066": "inconceivable", "4067": "snapchating", "4068": "caught", "4069": "remotely", "4070": "hummm", "4071": "greggs", "4072": "freebie", "4073": "despises", "4074": "pamaj", "4075": "sorryyyyy", "4076": "groggy", "4077": "uninformed", "4078": "pittsburgh", "4079": "brains", "4080": "appreciates", "4081": "pnr", "4082": "pnw", "4083": "resulted", "4084": "prometheus", "4085": "soren", "4086": "duuh", "4087": "raper", "4088": "baja", "4089": "trailblazers", "4090": "pnc", "4091": "pne", "4092": "appreciated", "4093": "png", "4094": "titans", "4095": "professionals", "4096": "colombians", "4097": "niggaaaa", "4098": "👪", "4099": "transferred", "4100": "hsbc", "4101": "vocals", "4102": "apples", "4103": "laminate", "4104": "crumpets", "4105": "ヽ", "4106": "orwell", "4107": "🗿", "4108": "wrigley", "4109": "unsubstantiated", "4110": "skynet", "4111": "overdosing", "4112": "triflin", "4113": "bugs", "4114": "inpatient", "4115": "loki", "4116": "loko", "4117": "windsor", "4118": "loke", "4119": "snorting", "4120": "boners", "4121": "inked", "4122": "1000000", "4123": "snout", "4124": "equipment", "4125": "hookah", "4126": "gobshite", "4127": "vamping", "4128": "nfldraft", "4129": "attractiveness", "4130": "kyung", "4131": "neatly", "4132": "anissa", "4133": "twitterati", "4134": "shithouse", "4135": "importantly", "4136": "inline", "4137": "america", "4138": "breads", "4139": "mrt", "4140": "attempting", "4141": "implications", "4142": "premiered", "4143": "mrs", "4144": "mri", "4145": "premieres", "4146": "mra", "4147": "bandwagoners", "4148": "gyarados", "4149": "scoreboard", "4150": "discovered", "4151": "teamed", "4152": "snack", "4153": "adolf", "4154": "stair", "4155": "nicolette", "4156": "daay", "4157": "filipinos", "4158": "hammock", "4159": "enriched", "4160": "daaa", "4161": "doesent", "4162": "stain", "4163": "shrill", "4164": "pumpkin", "4165": "chicky", "4166": "granddaddy", "4167": "jellybean", "4168": "duel", "4169": "epicness", "4170": "🗑", "4171": "2ne1", "4172": "fantasize", "4173": "seeeee", "4174": "gotchuuuu", "4175": "stroll", "4176": "xenoverse", "4177": "equalizer", "4178": "seent", "4179": "teenchoice", "4180": "dominatrix", "4181": "ahit", "4182": "perceptive", "4183": "tnks", "4184": "📻", "4185": "hoed", "4186": "hoee", "4187": "dbag", "4188": "osbourne", "4189": "burst", "4190": "incarcerated", "4191": "anto", "4192": "colston", "4193": "actively", "4194": "sandow", "4195": "hoes", "4196": "asktwitter", "4197": "hoez", "4198": "suspects", "4199": "honeydew", "4200": "glaze", "4201": "jizzed", "4202": "puncher", "4203": "colours", "4204": "snugs", "4205": "rephrase", "4206": "landline", "4207": "gazette", "4208": "auditioning", "4209": "eros", "4210": "knowww", "4211": "westbound", "4212": "janoskians", "4213": "redshirt", "4214": "omfggg", "4215": "moana", "4216": "moany", "4217": "hurts", "4218": "moans", "4219": "hydrate", "4220": "izzie", "4221": "nila", "4222": "unnir", "4223": "nile", "4224": "flaps", "4225": "beltran", "4226": "hhaha", "4227": "fiscally", "4228": "unnie", "4229": "theellenshow", "4230": "madness", "4231": "sulky", "4232": "", "4233": "hybrids", "4234": "hve", "4235": "1978", "4236": "inexplicable", "4237": "sulks", "4238": "amina", "4239": "exploit", "4240": "152", "4241": "bratz", "4242": "perpetrators", "4243": "charismatic", "4244": "sledding", "4245": "brats", "4246": "muttered", "4247": "lioness", "4248": "alves", "4249": "tropical", "4250": "dictator", "4251": "158", "4252": "1030", "4253": "crashers", "4254": "odessa", "4255": "monsieur", "4256": "elvis", "4257": "50x50", "4258": "commenting", "4259": "goran", "4260": "suspected", "4261": "winky", "4262": "lmfaooooooooooooo", "4263": "winks", "4264": "ikrrr", "4265": "scarily", "4266": "blinkers", "4267": "scuf", "4268": "transactions", "4269": "coppin", "4270": "scum", "4271": "cherub", "4272": "arvindkejriwal", "4273": "musicfans", "4274": "mucus", "4275": "metric", "4276": "figurines", "4277": "chopra", "4278": "spooner", "4279": "haahha", "4280": "beaver", "4281": "ilyyy", "4282": "develop", "4283": "reeses", "4284": "808s", "4285": "inquire", "4286": "gamee", "4287": "pester", "4288": "stealin", "4289": "sarang", "4290": "inquiry", "4291": "decs", "4292": "frazier", "4293": "narry", "4294": "morningggg", "4295": "odi", "4296": "arctic", "4297": "foam", "4298": "plops", "4299": "deficiency", "4300": "oright", "4301": "westin", "4302": "drayton", "4303": "🇨", "4304": "glacier", "4305": "ahjussi", "4306": "congressmen", "4307": "alleviate", "4308": "taxi", "4309": "ifkr", "4310": "livestock", "4311": "battleship", "4312": "neon", "4313": "foot", "4314": "growled", "4315": "maternity", "4316": "greetings", "4317": "ps2", "4318": "ps3", "4319": "ps1", "4320": "ps4", "4321": "brexiteers", "4322": "manje", "4323": "renewed", "4324": "lbr", "4325": "euros", "4326": "verse", "4327": "serous", "4328": "versa", "4329": "halftime", "4330": "tbell", "4331": "🐼", "4332": "disproportionate", "4333": "kareem", "4334": "swim", "4335": "propped", "4336": "psh", "4337": "psi", "4338": "psn", "4339": "duhh", "4340": "amo", "4341": "onscreen", "4342": "ama", "4343": "amc", "4344": "psa", "4345": "katana", "4346": "psg", "4347": "gonna", "4348": "amy", "4349": "earnest", "4350": "psy", "4351": "gonny", "4352": "hydrating", "4353": "stunt", "4354": "ams", "4355": "amr", "4356": "psv", "4357": "amt", "4358": "pst", "4359": "psu", "4360": "fortune", "4361": "heightened", "4362": "unrequited", "4363": "papoose", "4364": "annually", "4365": "jase", "4366": "blackberry", "4367": "haram", "4368": "output", "4369": "mutiny", "4370": "twelve", "4371": "falsehood", "4372": "verbal", "4373": "apartments", "4374": "tragedies", "4375": "muhaha", "4376": "exposes", "4377": "🚐", "4378": "🤘", "4379": "macadamia", "4380": "girardi", "4381": "regina", "4382": "kaiser", "4383": "unlocked", "4384": "hahahahhaha", "4385": "uribe", "4386": "⚰", "4387": "babysitter", "4388": "garret", "4389": "flourishing", "4390": "nuggets", "4391": "ainsley", "4392": "assembly", "4393": "sixth", "4394": "punched", "4395": "yenno", "4396": "hmmn", "4397": "innocence", "4398": "assemble", "4399": "hmpf", "4400": "francis", "4401": "erectile", "4402": "aphrodite", "4403": "creaking", "4404": "casuals", "4405": "ideology", "4406": "crine", "4407": "mugging", "4408": "palma", "4409": "carribean", "4410": "soundin", "4411": "backup", "4412": "2050", "4413": "wildin", "4414": "freeing", "4415": "outlook", "4416": "litttt", "4417": "vball", "4418": "maccy", "4419": "snapchat", "4420": "macca", "4421": "batmans", "4422": "shrinking", "4423": "intervention", "4424": "stare", "4425": "shags", "4426": "starc", "4427": "herts", "4428": "qualifying", "4429": "stark", "4430": "start", "4431": "stars", "4432": "starr", "4433": "politeness", "4434": "teamwork", "4435": "vk", "4436": "allergic", "4437": "homeboys", "4438": "amexoffers", "4439": "dagenham", "4440": "smuggling", "4441": "pitcher", "4442": "delayed", "4443": "philosophers", "4444": "manipulative", "4445": "recoil", "4446": "farage", "4447": "pitched", "4448": "podcast", "4449": "becasue", "4450": "fraud", "4451": "illustrator", "4452": "rockers", "4453": "embedded", "4454": "default", "4455": "freddy", "4456": "aneurysm", "4457": "hmmmmmmmmm", "4458": "minny", "4459": "januzaj", "4460": "🇿", "4461": "batista", "4462": "thoda", "4463": "600", "4464": "3yrs", "4465": "squishy", "4466": "macbeth", "4467": "currencies", "4468": "goodnite", "4469": "sheath", "4470": "oxlade", "4471": "", "4472": "inspections", "4473": "cabinets", "4474": "infact", "4475": "todo", "4476": "modding", "4477": "fooly", "4478": "housework", "4479": "terminating", "4480": "hyomin", "4481": "fools", "4482": "forcing", "4483": "colly", "4484": "poor", "4485": "poos", "4486": "poop", "4487": "ineligible", "4488": "60s", "4489": "plushies", "4490": "chicharito", "4491": "endeavors", "4492": "whistling", "4493": "poof", "4494": "registry", "4495": "60m", "4496": "pooh", "4497": "pelosi", "4498": "overturned", "4499": "60k", "4500": "dabble", "4501": "lucroy", "4502": "awed", "4503": "cnblue", "4504": "smooch", "4505": "moonlight", "4506": "presumptuous", "4507": "couse", "4508": "corey", "4509": "swiftkey", "4510": "cores", "4511": "overseas", "4512": "cruisin", "4513": "aspergers", "4514": "kacie", "4515": "monte", "4516": "sympathizer", "4517": "guelph", "4518": "ceases", "4519": "osx", "4520": "month", "4521": "pique", "4522": "thoughtful", "4523": "unblock", "4524": "abhishek", "4525": "handball", "4526": "wernt", "4527": "religious", "4528": "monty", "4529": "chain", "4530": "pledged", "4531": "wyoming", "4532": "dumpling", "4533": "daniella", "4534": "chiellini", "4535": "danielle", "4536": "slippers", "4537": "owwwww", "4538": "sustain", "4539": "pledges", "4540": "wmd", "4541": "waverly", "4542": "resounding", "4543": "patently", "4544": "hillarious", "4545": "mannnnnnn", "4546": "horror", "4547": "tomorrowworld", "4548": "coloured", "4549": "royalrumble", "4550": "decide", "4551": "baristas", "4552": "segway", "4553": "anaw", "4554": "anas", "4555": "lazio", "4556": "thaaaat", "4557": "burritos", "4558": "anay", "4559": "startin", "4560": "anal", "4561": "anak", "4562": "buddys", "4563": "ass", "4564": "instagram", "4565": "streets", "4566": "pun", "4567": "badlion", "4568": "orgasm", "4569": "freeee", "4570": "rui", "4571": "🔙", "4572": "puh", "4573": "hamper", "4574": "chuckle", "4575": "bass", "4576": "dissertation", "4577": "activates", "4578": "cues", "4579": "investing", "4580": "ast", "4581": "learner", "4582": "microbiology", "4583": "asz", "4584": "scallops", "4585": "learned", "4586": "👃", "4587": "waaaait", "4588": "ferocious", "4589": "scoffing", "4590": "5gb", "4591": "bitchin", "4592": "poundland", "4593": "tracks", "4594": "uneven", "4595": "dune", "4596": "excess", "4597": "eventful", "4598": "belize", "4599": "arena", "4600": "asc", "4601": "conviction", "4602": "inspired", "4603": "losses", "4604": "🍭", "4605": "base", "4606": "advertising", "4607": "cathy", "4608": "sealing", "4609": "inspires", "4610": "8gb", "4611": "700k", "4612": "ase", "4613": "brolly", "4614": "requiring", "4615": "m8s", "4616": "put", "4617": "jrs", "4618": "grundy", "4619": "reverting", "4620": "asi", "4621": "conventional", "4622": "marietta", "4623": "nehru", "4624": "revelation", "4625": "crores", "4626": "almost", "4627": "heroic", "4628": "bribed", "4629": "brunswick", "4630": "wentworth", "4631": "cannibalism", "4632": "lowering", "4633": "delusion", "4634": "dion", "4635": "fussed", "4636": "garza", "4637": "dior", "4638": "dios", "4639": "7000", "4640": "producing", "4641": "grill", "4642": "reallyyyyy", "4643": "hermione", "4644": "2yr", "4645": "740", "4646": "tenacious", "4647": "teabag", "4648": "persists", "4649": "745", "4650": "aftr", "4651": "4months", "4652": "publicist", "4653": "eazy", "4654": "kasper", "4655": "afta", "4656": "phrase", "4657": "blairite", "4658": "randos", "4659": "takoyaki", "4660": "cheering", "4661": "utilize", "4662": "mcds", "4663": "unlucky", "4664": "mcdo", "4665": "punked", "4666": "reject", "4667": "surpasses", "4668": "bussy", "4669": "schultz", "4670": "communicating", "4671": "marah", "4672": "chocolat", "4673": "purring", "4674": "pendejo", "4675": "pendeja", "4676": "productivity", "4677": "horizontal", "4678": "compulsory", "4679": "criticize", "4680": "excitment", "4681": "kprstudio", "4682": "anytime", "4683": ")", "4684": "daggers", "4685": "roommates", "4686": "chopsticks", "4687": "ö", "4688": "rationality", "4689": "photoshop", "4690": "missss", "4691": "casablanca", "4692": "charities", "4693": "ashanti", "4694": "bcuz", "4695": "lovebirds", "4696": "thermal", "4697": "bcus", "4698": "clarinet", "4699": "jansen", "4700": "thebachelor", "4701": "401k", "4702": "wishful", "4703": "heron", "4704": "absence", "4705": "systems", "4706": "heros", "4707": "founders", "4708": "curiousity", "4709": "cutie", "4710": "cee", "4711": "evening", "4712": "curtis", "4713": "ceo", "4714": "torturous", "4715": "cel", "4716": "petted", "4717": "electives", "4718": "teamtage", "4719": "cet", "4720": "hahahahahaha", "4721": "starbucks", "4722": "commodore", "4723": "🍖", "4724": "ninja", "4725": "~", "4726": "delorean", "4727": "bryan", "4728": "mickeys", "4729": "faire", "4730": "congrates", "4731": "nutz", "4732": "bruhhhhh", "4733": "sucksss", "4734": "freebies", "4735": "bless", "4736": "shagger", "4737": "predators", "4738": "ooops", "4739": "fairy", "4740": "obligated", "4741": "lifestyles", "4742": "txtd", "4743": "flashbacks", "4744": "restless", "4745": "awesomeeee", "4746": "jaws", "4747": "circumcised", "4748": "exasperated", "4749": "jawn", "4750": "psd", "4751": "absurdity", "4752": "anarchy", "4753": "meijer", "4754": "marcia", "4755": "splattered", "4756": "testify", "4757": "jolly", "4758": "didja", "4759": "equate", "4760": "safety", "4761": "7", "4762": "jolla", "4763": "mittens", "4764": "earnt", "4765": "earns", "4766": "housed", "4767": "housee", "4768": "favored", "4769": "straightener", "4770": "thxx", "4771": "houses", "4772": "johnnie", "4773": "brightest", "4774": "hossa", "4775": "straightened", "4776": "thxs", "4777": "turnout", "4778": "speculation", "4779": "͡", "4780": "dishwasher", "4781": "unresolved", "4782": "drupal", "4783": "polanco", "4784": "americas", "4785": "benji", "4786": "american", "4787": "retracted", "4788": "apocalypse", "4789": "drooling", "4790": "spitting", "4791": "quiff", "4792": "watchdogs", "4793": "swindle", "4794": "obedience", "4795": "craps", "4796": "effortless", "4797": "fantabulous", "4798": "visions", "4799": "giuliani", "4800": "tf2", "4801": "equating", "4802": "pinned", "4803": "horse", "4804": "swags", "4805": "lovatic", "4806": "blossom", "4807": "station", "4808": "gibraltar", "4809": "mailchimp", "4810": "hundred", "4811": "merciless", "4812": "whaatt", "4813": "rawr", "4814": "tfl", "4815": "trapped", "4816": "mhmm", "4817": "tff", "4818": "tfa", "4819": "tfc", "4820": "tivo", "4821": "headdesk", "4822": "boredom", "4823": "ipads", "4824": "👚", "4825": "tfs", "4826": "hungout", "4827": "leotard", "4828": "grew", "4829": "grey", "4830": "hesitating", "4831": "ohayou", "4832": "greg", "4833": "buut", "4834": "toward", "4835": "trisha", "4836": "charlotte", "4837": "bouchard", "4838": "phobia", "4839": "contraception", "4840": "wasnt", "4841": "888", "4842": "randomly", "4843": "blissful", "4844": "null", "4845": "organs", "4846": "morgs", "4847": "cherokee", "4848": "cave", "4849": "🚮", "4850": "knotts", "4851": "barmy", "4852": "accy", "4853": "sneakin", "4854": "cavs", "4855": "boosh", "4856": "aired", "4857": "caliber", "4858": "hires", "4859": "glomp", "4860": "reword", "4861": "shutupp", "4862": "hired", "4863": "channeling", "4864": "natalya", "4865": "soriano", "4866": "sammi", "4867": "spartans", "4868": "privatised", "4869": "tonga", "4870": "qbs", "4871": "backwood", "4872": "sturdy", "4873": "moonshine", "4874": "confinement", "4875": "rockefeller", "4876": "mels", "4877": "velocity", "4878": "rashad", "4879": "physics", "4880": "ziggler", "4881": "stalked", "4882": "abdullah", "4883": "the1975", "4884": "phenomenon", "4885": "bitchhhhhhh", "4886": "wehh", "4887": "🚗", "4888": "stalker", "4889": "knws", "4890": "heavens", "4891": "translation", "4892": "distressing", "4893": "kaleb", "4894": "justice", "4895": "ques", "4896": "gomis", "4897": "criticising", "4898": "tomrw", "4899": "rotterdam", "4900": "shitey", "4901": "lazily", "4902": "porcupine", "4903": "grannys", "4904": "financing", "4905": "strut", "4906": "feels", "4907": "pretending", "4908": "competing", "4909": "boils", "4910": "imitating", "4911": "fluff", "4912": "erbody", "4913": "stb", "4914": "celebrates", "4915": "expedia", "4916": "lament", "4917": "retaliation", "4918": "fucktards", "4919": "hypo", "4920": "stored", "4921": "stm", "4922": "hype", "4923": "forster", "4924": "dur", "4925": "freezin", "4926": "patriotism", "4927": "ondemand", "4928": "espys", "4929": "dtf", "4930": "mantra", "4931": "luongo", "4932": "snitched", "4933": "kiran", "4934": "close", "4935": "gouda", "4936": "locals", "4937": "deir", "4938": "habbo", "4939": "stu", "4940": "pictures", "4941": "stv", "4942": "tolls", "4943": "thongs", "4944": "woodchuck", "4945": "heichou", "4946": "pictured", "4947": "uncanny", "4948": "buckwild", "4949": "happppy", "4950": "missing", "4951": "dangan", "4952": "zipped", "4953": "greinke", "4954": "plucking", "4955": "spray", "4956": "ranked", "4957": "effed", "4958": "fluently", "4959": "zipper", "4960": "abruptly", "4961": "league", "4962": "collaborators", "4963": "memorized", "4964": "cashing", "4965": "minorities", "4966": "🏒", "4967": "jaitley", "4968": "forgotten", "4969": "vault", "4970": "experimental", "4971": "oversleep", "4972": "🎀", "4973": "voyage", "4974": "adebayor", "4975": "✌", "4976": "mathematically", "4977": "swindon", "4978": "lecturers", "4979": "dwindling", "4980": "coleslaw", "4981": "implosion", "4982": "fabolous", "4983": "shinies", "4984": "enuff", "4985": "momentous", "4986": "threaten", "4987": "empty", "4988": "livee", "4989": "lived", "4990": "liven", "4991": "dusts", "4992": "modelling", "4993": "281", "4994": "lives", "4995": "liver", "4996": "ado", "4997": "whaaattt", "4998": "nashgrier", "4999": "furrow", "5000": "pact", "5001": "intriguing", "5002": "gmw", "5003": "wyatt", "5004": "pace", "5005": "substantial", "5006": "accidently", "5007": "ought", "5008": "lovies", "5009": "guido", "5010": "sombra", "5011": "paco", "5012": "hhah", "5013": "hooters", "5014": "pack", "5015": "smacked", "5016": "costly", "5017": "🎄", "5018": "pornos", "5019": "petal", "5020": "kroger", "5021": "00s", "5022": "payers", "5023": "grans", "5024": "albany", "5025": "communal", "5026": "kippers", "5027": "grant", "5028": "albans", "5029": "ponting", "5030": "makeshift", "5031": "wwww", "5032": "gahaha", "5033": "vulnerable", "5034": "grand", "5035": "dayummmm", "5036": "composition", "5037": "naahhh", "5038": "viners", "5039": "classmates", "5040": "fatty", "5041": "ratings", "5042": "pizzahut", "5043": "banter", "5044": "blair", "5045": "♍", "5046": "youngsters", "5047": "001", "5048": "000", "5049": "007", "5050": "beady", "5051": "bahahahah", "5052": "arturo", "5053": "overated", "5054": "sorrry", "5055": "vitriol", "5056": "mobo", "5057": "dicking", "5058": "manutd", "5059": "mobb", "5060": "moba", "5061": "obviously", "5062": "synopsis", "5063": "moby", "5064": "gaddafi", "5065": "consistency", "5066": "owww", "5067": "mobs", "5068": "rhiannon", "5069": "loveeee", "5070": "speculative", "5071": "flaming", "5072": "mahone", "5073": "bearer", "5074": "spurts", "5075": "shivering", "5076": "settlements", "5077": "technicians", "5078": "reviewed", "5079": "reviewer", "5080": "lik", "5081": "superbowls", "5082": "procrastinating", "5083": "nikka", "5084": "informal", "5085": "nikki", "5086": "🐬", "5087": "shortcut", "5088": "brewed", "5089": "cherries", "5090": "questioned", "5091": "machado", "5092": "operators", "5093": "promposal", "5094": "liq", "5095": "ripples", "5096": "ight", "5097": "lika", "5098": "showing", "5099": "lis", "5100": "displaced", "5101": "ruff", "5102": "motorola", "5103": "dearly", "5104": "ponds", "5105": "vests", "5106": "success", "5107": "lepak", "5108": "envisioned", "5109": "eet", "5110": "12ish", "5111": "multicultural", "5112": "eep", "5113": "ees", "5114": "eem", "5115": "eel", "5116": "een", "5117": "keke", "5118": "eeh", "5119": "eek", "5120": "mexi", "5121": "eee", "5122": "fakers", "5123": "pippen", "5124": "kazoo", "5125": "dumbbell", "5126": "terminology", "5127": "🚀", "5128": "sketch", "5129": "babie", "5130": "cones", "5131": "ermm", "5132": "yolo", "5133": "coney", "5134": "lips", "5135": "economic", "5136": "plumbers", "5137": "jongdae", "5138": "taeyong", "5139": "kourt", "5140": "gracie", "5141": "spouting", "5142": "foodies", "5143": "bonne", "5144": "competitions", "5145": "simmer", "5146": "з", "5147": "rhp", "5148": "jamies", "5149": "rhs", "5150": "akward", "5151": "plebs", "5152": "anecdotes", "5153": "gmas", "5154": "usmnt", "5155": "merrick", "5156": "assists", "5157": "viewpoints", "5158": "negatives", "5159": "2years", "5160": "onenote", "5161": "scaredy", "5162": "smothered", "5163": "offside", "5164": "benfica", "5165": "roblox", "5166": "rhi", "5167": "bgc", "5168": "handbags", "5169": "wouldnt", "5170": "bgm", "5171": "turret", "5172": "bgs", "5173": "bgt", "5174": "silence", "5175": "awright", "5176": "!", "5177": "hounding", "5178": "tns", "5179": "tofu", "5180": "kagura", "5181": "subaru", "5182": "alison", "5183": "eonn", "5184": "infuriating", "5185": "placing", "5186": "cheesesteak", "5187": "visas", "5188": "aftertaste", "5189": "spawning", "5190": "holtby", "5191": "eons", "5192": "tobey", "5193": "withholding", "5194": "britneyspears", "5195": "hgtv", "5196": "janitors", "5197": "saru", "5198": "mulberry", "5199": "guuurl", "5200": "tragically", "5201": "injection", "5202": "probate", "5203": "chronicle", "5204": "vacancies", "5205": "🇯", "5206": "livetweeting", "5207": "politic", "5208": "weebly", "5209": "precalc", "5210": "similar", "5211": "zionists", "5212": "hesitantly", "5213": "ordered", "5214": "interventions", "5215": "fckin", "5216": "cleat", "5217": "mazda", "5218": "accessibility", "5219": "reopening", "5220": "inglewood", "5221": "itttttttt", "5222": "⌣", "5223": "ancestors", "5224": "haff", "5225": "goddamit", "5226": "amounts", "5227": "btwn", "5228": "fears", "5229": "application", "5230": "pedicures", "5231": "department", "5232": "inglorious", "5233": "kunai", "5234": "manhattan", "5235": "dashes", "5236": "creeped", "5237": "smiler", "5238": "smiles", "5239": "studyin", "5240": "woud", "5241": "smiley", "5242": "v4", "5243": "smiled", "5244": "playmakers", "5245": "approving", "5246": "earphones", "5247": "aesthetically", "5248": "correlated", "5249": "e", "5250": "dvd", "5251": "demagogue", "5252": "resolving", "5253": "orbit", "5254": "cookouts", "5255": "bribe", "5256": "grandads", "5257": "ignorant", "5258": "underrated", "5259": "svu", "5260": "rosberg", "5261": "dvr", "5262": "mcilroy", "5263": "yaaasssss", "5264": "tweeter", "5265": "seulgi", "5266": "", "5267": "tweeted", "5268": "compact", "5269": "helloooooo", "5270": "birthplace", "5271": "commas", "5272": "insistent", "5273": "lke", "5274": "bffls", "5275": "tawk", "5276": "cowgirl", "5277": "niggaaaaa", "5278": "😴", "5279": "friendly", "5280": "v8", "5281": "cheerio", "5282": "end", "5283": "wave", "5284": "pussys", "5285": "wavy", "5286": "appstore", "5287": "rattling", "5288": "telling", "5289": "yourselves", "5290": "oneday", "5291": "gurley", "5292": "nausea", "5293": "alanis", "5294": "positions", "5295": "compassionate", "5296": "michael", "5297": "watered", "5298": "ryan", "5299": "sprouse", "5300": "hahahahaaha", "5301": "enforce", "5302": "lazier", "5303": "facilitating", "5304": "starbound", "5305": "rissa", "5306": "💈", "5307": "allllllllll", "5308": "birthdaaaaay", "5309": "thinly", "5310": "jump", "5311": "redone", "5312": "seeeeee", "5313": "muffs", "5314": "notwithstanding", "5315": "fabrication", "5316": "twitters", "5317": "vampire", "5318": "preety", "5319": "🎲", "5320": "drools", "5321": "becos", "5322": "upsetting", "5323": "keychains", "5324": "kidnapper", "5325": "becoz", "5326": "radicals", "5327": "logout", "5328": "pancake", "5329": "mccrae", "5330": "kidnapped", "5331": "aaww", "5332": "vacay", "5333": "convert", "5334": "copyright", "5335": "walkman", "5336": "gent", "5337": "gens", "5338": "bugis", "5339": "geno", "5340": "geng", "5341": "gene", "5342": "salvation", "5343": "patents", "5344": "claro", "5345": "foresee", "5346": "clark", "5347": "clare", "5348": "tennant", "5349": "clara", "5350": "jrue", "5351": "clary", "5352": "buildup", "5353": "hussle", "5354": "tcas", "5355": "mehrong", "5356": "locke", "5357": "blockchain", "5358": "camera", "5359": "coldplay", "5360": "frida", "5361": "historically", "5362": "formally", "5363": "econ", "5364": "isac", "5365": "tomz", "5366": "visibility", "5367": "charming", "5368": "israelis", "5369": "ausmus", "5370": "rivalry", "5371": "appointed", "5372": "socket", "5373": "meen", "5374": "meeh", "5375": "meek", "5376": "meee", "5377": "meed", "5378": "lapse", "5379": "averaged", "5380": "acquaintances", "5381": "recession", "5382": "transmitted", "5383": "acually", "5384": "servants", "5385": "pancras", "5386": "meet", "5387": "averages", "5388": "meep", "5389": "mees", "5390": "stoll", "5391": "toms", "5392": "links", "5393": "waaaat", "5394": "linky", "5395": "prioritise", "5396": "pulling", "5397": "blaine", "5398": "waaaah", "5399": "sought", "5400": "bahahahaha", "5401": "waaaaa", "5402": "kian", "5403": "hypnotize", "5404": "suki", "5405": "embodiment", "5406": "defective", "5407": "kiah", "5408": "230", "5409": "waterproof", "5410": "nars", "5411": "sentiments", "5412": "nard", "5413": "bandana", "5414": "nara", "5415": "narc", "5416": "quinton", "5417": "fare", "5418": "farm", "5419": "peeling", "5420": "thunderstorm", "5421": "fark", "5422": "thames", "5423": "ronald", "5424": "fart", "5425": "fouled", "5426": "sonos", "5427": "restructuring", "5428": "infowars", "5429": "scoob", "5430": "finnah", "5431": "yeahs", "5432": "folllow", "5433": "duterte", "5434": "favourited", "5435": "scoop", "5436": "prays", "5437": "encyclopedia", "5438": "scoot", "5439": "xtreme", "5440": "buttered", "5441": "sambuca", "5442": "favourites", "5443": "wunt", "5444": "ummmmm", "5445": "ahaaa", "5446": "ahaah", "5447": "including", "5448": "costume", "5449": "referencing", "5450": "faithfulness", "5451": "keepfits", "5452": "💟", "5453": "reblogs", "5454": "bikram", "5455": "dancin", "5456": "lithuania", "5457": "walnut", "5458": "yahhh", "5459": "sniffling", "5460": "missyou", "5461": "frontal", "5462": "exhibiting", "5463": "stout", "5464": "yugi", "5465": "oxy", "5466": "franta", "5467": "kaizer", "5468": "env", "5469": "university", "5470": "cancerous", "5471": "slide", "5472": "|", "5473": "ungrounded", "5474": "ankles", "5475": "mija", "5476": "lidl", "5477": "mijo", "5478": "shiddd", "5479": "soonyoung", "5480": "bluetooth", "5481": "constitute", "5482": "supermodel", "5483": "investigative", "5484": "separating", "5485": "transitions", "5486": "cheesesteaks", "5487": "inec", "5488": "flys", "5489": "butch", "5490": "kapoor", "5491": "braxton", "5492": "mcmahon", "5493": "entertainment", "5494": "armor", "5495": "hoopers", "5496": "23k", "5497": "rightttt", "5498": "oxo", "5499": "birthing", "5500": "siena", "5501": "obsessive", "5502": "sneek", "5503": "ocado", "5504": "tully", "5505": "galaxies", "5506": "wack", "5507": "bleaching", "5508": "darkly", "5509": "jill", "5510": "sneer", "5511": "yodeling", "5512": "resumed", "5513": "elastic", "5514": "timez", "5515": "dodd", "5516": "determining", "5517": "blahhh", "5518": "maths", "5519": "timer", "5520": "times", "5521": "ayanna", "5522": "🕵", "5523": "plssss", "5524": "resumes", "5525": "timed", "5526": "timee", "5527": "humphrey", "5528": "margaritas", "5529": "chromecast", "5530": "powerful", "5531": "cramp", "5532": "obeying", "5533": "warcraft", "5534": "bitch", "5535": "sosa", "5536": "soso", "5537": "hehe", "5538": "aperture", "5539": "guysssss", "5540": "nooooot", "5541": "tinkering", "5542": "backtrack", "5543": "wrapper", "5544": "helppp", "5545": "electrics", "5546": "noooooo", "5547": "gottta", "5548": "wrapped", "5549": "harmon", "5550": "nastiest", "5551": "nahhhhh", "5552": "bledsoe", "5553": "craziest", "5554": "getcho", "5555": "getcha", "5556": "stannis", "5557": "lists", "5558": "chemicals", "5559": "tlkin", "5560": "plough", "5561": "porzingis", "5562": "ichigo", "5563": "hines", "5564": "catered", "5565": "correlate", "5566": "oculus", "5567": "submitted", "5568": "clexa", "5569": "klaroline", "5570": "katycats", "5571": "iceman", "5572": "enforced", "5573": "globalists", "5574": "julian", "5575": "tensing", "5576": "conversate", "5577": "horrors", "5578": "environments", "5579": "enforcer", "5580": "hooping", "5581": "redsox", "5582": "bastard", "5583": "selca", "5584": "opinionated", "5585": "flirtin", "5586": "pushups", "5587": "battles", "5588": "relatives", "5589": "luisa", "5590": "grounding", "5591": "tinashe", "5592": "battled", "5593": "lirry", "5594": "dunt", "5595": "blades", "5596": "girlies", "5597": "nytimes", "5598": "regs", "5599": "pasa", "5600": "mimosa", "5601": "snowed", "5602": "hiphop", "5603": "vengeance", "5604": "woy", "5605": "intrinsic", "5606": "gallery", "5607": "ure", "5608": "urg", "5609": "bbc5live", "5610": "landscaping", "5611": "url", "5612": "tutoring", "5613": "urn", "5614": "indy", "5615": "uri", "5616": "astonishing", "5617": "uru", "5618": "inda", "5619": "elysium", "5620": "urs", "5621": "indo", "5622": "skunk", "5623": "indi", "5624": "urz", "5625": "redheads", "5626": "tolkien", "5627": "♛", "5628": "telepathically", "5629": "🌊", "5630": "pisa", "5631": "ottoman", "5632": "samosa", "5633": "hondas", "5634": "ayee", "5635": "nge", "5636": "herrrrr", "5637": "unfinished", "5638": "sheriff", "5639": "ngl", "5640": "ngo", "5641": "ngh", "5642": "brighten", "5643": "loners", "5644": "hector", "5645": "ayew", "5646": "cameos", "5647": "inherited", "5648": "millwall", "5649": "reimbursed", "5650": "maritime", "5651": "pist", "5652": "assistants", "5653": "yaaaaaaaay", "5654": "memeing", "5655": "trucks", "5656": "expansions", "5657": "yearn", "5658": "tuned", "5659": "reffing", "5660": "levin", "5661": "tunes", "5662": "tuner", "5663": "widow", "5664": "albania", "5665": "postponing", "5666": "humpty", "5667": "canine", "5668": "immigrant", "5669": "bollock", "5670": "officials", "5671": "reinforcements", "5672": "raiser", "5673": "🤙", "5674": "officialy", "5675": "luckiest", "5676": "tenn", "5677": "swee", "5678": "nightmare", "5679": "intending", "5680": "teng", "5681": "tend", "5682": "macros", "5683": "tyra", "5684": "barrowman", "5685": "tyre", "5686": "tens", "5687": "tent", "5688": "ken", "5689": "kem", "5690": "kel", "5691": "kek", "5692": "kei", "5693": "splurge", "5694": "keg", "5695": "badness", "5696": "kee", "5697": "ked", "5698": "hummer", "5699": "limbs", "5700": "kea", "5701": "interfere", "5702": "kicking", "5703": "magi", "5704": "jie", "5705": "kez", "5706": "merry", "5707": "kew", "5708": "kev", "5709": "maga", "5710": "ket", "5711": "kes", "5712": "ker", "5713": "mage", "5714": "hits", "5715": "shitstorm", "5716": "sniff", "5717": "limits", "5718": "olga", "5719": "harmonies", "5720": "cday", "5721": "muses", "5722": "gazebo", "5723": "mentoring", "5724": "estimation", "5725": "toasting", "5726": "midnite", "5727": "torn", "5728": "subtitle", "5729": "gita", "5730": "afaik", "5731": "tuesday", "5732": "paranormal", "5733": "leeroy", "5734": "tulo", "5735": "greaaat", "5736": "gits", "5737": "phoneless", "5738": "erased", "5739": "clickbait", "5740": "accomplishing", "5741": "balsamic", "5742": "thanked", "5743": "cent", "5744": "outlaws", "5745": "immense", "5746": "liberals", "5747": "roomate", "5748": "eraser", "5749": "erases", "5750": "cena", "5751": "troopers", "5752": "pranking", "5753": "‾", "5754": "chandigarh", "5755": "shoulders", "5756": "controlled", "5757": "retrospective", "5758": "alexus", "5759": "nollywood", "5760": "controller", "5761": "abortions", "5762": "suspension", "5763": "smoking", "5764": "garmin", "5765": "nour", "5766": "mickie", "5767": "queuing", "5768": "mused", "5769": "toothbrushes", "5770": "examines", "5771": "examiner", "5772": "simons", "5773": "evelyn", "5774": "surface", "5775": "simone", "5776": "examined", "5777": "hearted", "5778": "cometh", "5779": "😝", "5780": "commentators", "5781": "goodfellas", "5782": "crumpet", "5783": "welcom", "5784": "podcasting", "5785": "notcool", "5786": "parth", "5787": "willllll", "5788": "proceeds", "5789": "parts", "5790": "speaker", "5791": "northwest", "5792": "party", "5793": "http", "5794": "httr", "5795": "huntsman", "5796": "byeeeee", "5797": "colouring", "5798": "impeccable", "5799": "steals", "5800": "destruction", "5801": "rift", "5802": "ashley", "5803": "shalom", "5804": "svg", "5805": "👱", "5806": "46", "5807": "riff", "5808": "limeade", "5809": "montages", "5810": "dressed", "5811": "ashlee", "5812": "drilling", "5813": "dain", "5814": "dail", "5815": "discord", "5816": "increasingly", "5817": "42", "5818": "sofia", "5819": "batters", "5820": "sofie", "5821": "jeje", "5822": "😂", "5823": "distant", "5824": "advertised", "5825": "ridiculing", "5826": "hess", "5827": "dais", "5828": "femme", "5829": "greateranglia", "5830": "density", "5831": "twilight", "5832": "idunno", "5833": "\\", "5834": "onizuka", "5835": "emblems", "5836": "morgue", "5837": "riverside", "5838": "balloons", "5839": "indignation", "5840": "chavy", "5841": "disappearance", "5842": "🏉", "5843": "ahahh", "5844": "buford", "5845": "bottoms", "5846": "keely", "5847": "intersection", "5848": "thewalkingdead", "5849": "ame", "5850": "loss", "5851": "lincoln", "5852": "lilian", "5853": "necessary", "5854": "lost", "5855": "rots", "5856": "liftin", "5857": "fernando", "5858": "roti", "5859": "roth", "5860": "emblem3", "5861": "payments", "5862": "lose", "5863": "rota", "5864": "suuuure", "5865": "fuckkk", "5866": "amd", "5867": "climbers", "5868": "glare", "5869": "comeing", "5870": "dyingggg", "5871": "tonyabbottmhr", "5872": "freshy", "5873": "library", "5874": "homo", "5875": "trucker", "5876": "home", "5877": "amg", "5878": "moderates", "5879": "pinpoint", "5880": "overlay", "5881": "steaming", "5882": "broad", "5883": "objected", "5884": "cyah", "5885": "grinding", "5886": "twerking", "5887": "bullsh", "5888": "cradle", "5889": "mutation", "5890": "wendy", "5891": "sweepstakes", "5892": "pussied", "5893": "fanny", "5894": "demonstrated", "5895": "indyref2", "5896": "limitations", "5897": "shinny", "5898": "reaching", "5899": "amer", "5900": "", "5901": "3p", "5902": "muchly", "5903": "cropping", "5904": "refuge", "5905": "muhfuckin", "5906": "unhinged", "5907": "photoshoot", "5908": "anchorage", "5909": "partyyyy", "5910": "nightclub", "5911": "♻", "5912": "rishi", "5913": "pistols", "5914": "carolyn", "5915": "😆", "5916": "previously", "5917": "cocoa", "5918": "ultrasound", "5919": "hahahahhaa", "5920": "felonies", "5921": "retrieve", "5922": "pointless", "5923": "hmmmmm", "5924": "additional", "5925": "recuse", "5926": "lagged", "5927": "murrs", "5928": "nape", "5929": "hurted", "5930": "tamsin", "5931": "windmill", "5932": "inbetweeners", "5933": "usairways", "5934": "peotus", "5935": "north", "5936": "maintenance", "5937": "kandi", "5938": "gais", "5939": "norte", "5940": "3t", "5941": "fountains", "5942": "blaming", "5943": "astro", "5944": "strawberries", "5945": "whatsup", "5946": "kandy", "5947": "gail", "5948": "sprinkling", "5949": "gaia", "5950": "highest", "5951": "astra", "5952": "fuckboi", "5953": "demonetisation", "5954": "oligarchy", "5955": "mcgary", "5956": "oligarchs", "5957": "dippers", "5958": "fuckboy", "5959": "evers", "5960": "dhoni", "5961": "itis", "5962": "display", "5963": "urging", "5964": "hausa", "5965": "mackie", "5966": "diligently", "5967": "marketplace", "5968": "4u", "5969": "800k", "5970": "universal", "5971": "mackin", "5972": "kisses", "5973": "kisser", "5974": "5d", "5975": "beats", "5976": "4p", "5977": "baaad", "5978": "judgemental", "5979": "education", "5980": "ipods", "5981": "functions", "5982": "weeeeeee", "5983": "ingredients", "5984": "hyong", "5985": "starbuck", "5986": "dzeko", "5987": "aclu", "5988": "finch", "5989": "babyyyyy", "5990": "stat", "5991": "elsa", "5992": "star", "5993": "stap", "5994": "taytay", "5995": "stay", "5996": "stag", "5997": "foil", "5998": "umhm", "5999": "stab", "6000": "additionally", "6001": "stan", "6002": "grille", "6003": "8000", "6004": "yeaaaaaah", "6005": "grillz", "6006": "parole", "6007": "amp", "6008": "samsung", "6009": "atheist", "6010": "hnn", "6011": "atheism", "6012": "ousside", "6013": "nitish", "6014": "hny", "6015": "ellsbury", "6016": "foreshadowing", "6017": "indirectly", "6018": "dillion", "6019": "imax", "6020": "aided", "6021": "aiden", "6022": "knelt", "6023": "carowinds", "6024": "whoopi", "6025": "nottingham", "6026": "astray", "6027": "perverted", "6028": "zante", "6029": "consists", "6030": "toenail", "6031": "schmuck", "6032": "swaggie", "6033": "riiiiiight", "6034": "swag", "6035": "aub", "6036": "bisola", "6037": "😤", "6038": "aug", "6039": "swam", "6040": "tremors", "6041": "sorri", "6042": "swan", "6043": "disability", "6044": "pensions", "6045": "bayo", "6046": "painters", "6047": "swat", "6048": "aus", "6049": "aur", "6050": "sweltering", "6051": "swap", "6052": "kidman", "6053": "recycle", "6054": "aux", "6055": "sorry", "6056": "5er", "6057": "sway", "6058": "fists", "6059": "collaborate", "6060": "cloverfield", "6061": "cavaliers", "6062": "void", "6063": "suckss", "6064": "confederate", "6065": "pilgrim", "6066": "hufflepuff", "6067": "haymitch", "6068": "crops", "6069": "herbert", "6070": "unrelated", "6071": "irrationally", "6072": "freestyling", "6073": "👸", "6074": "disnt", "6075": "deplorable", "6076": "falco", "6077": "whirlwind", "6078": "landlords", "6079": "sharpish", "6080": "》", "6081": "breakouts", "6082": "samara", "6083": "gator", "6084": "huffing", "6085": "me3", "6086": "me2", "6087": "kidnap", "6088": "🎢", "6089": "jordon", "6090": "ㅋㅋㅋㅋㅋㅋ", "6091": "enchiladas", "6092": "accrington", "6093": "ghandi", "6094": "spokesman", "6095": "fcuk", "6096": "reviving", "6097": "metadata", "6098": "mee", "6099": "med", "6100": "meg", "6101": "presets", "6102": "guysss", "6103": "mem", "6104": "mel", "6105": "men", "6106": "disposable", "6107": "weirdly", "6108": "mek", "6109": "178", "6110": "met", "6111": "mew", "6112": "lukaku", "6113": "mep", "6114": "mes", "6115": "mer", "6116": "mey", "6117": "mex", "6118": "contraction", "6119": "antisemitic", "6120": "alchemist", "6121": "recordings", "6122": "stances", "6123": "fajitas", "6124": "fanarts", "6125": "chrysler", "6126": "crazies", "6127": "hummels", "6128": "intrigue", "6129": "joshua", "6130": "fantastic", "6131": "voteonedirection", "6132": "myanmar", "6133": "mobility", "6134": "lolzz", "6135": "latifah", "6136": "objectively", "6137": "sliced", "6138": "bumpy", "6139": "guests", "6140": "jackets", "6141": "janine", "6142": "ffxiv", "6143": "marathoning", "6144": "celestia", "6145": "jpn", "6146": "lightsaber", "6147": "bdsm", "6148": "robertson", "6149": "liyah", "6150": "coons", "6151": "mckinney", "6152": "inflammatory", "6153": "grabbin", "6154": "odell", "6155": "mutant", "6156": "disruption", "6157": "berlin", "6158": "biotin", "6159": "biatch", "6160": "shahid", "6161": "wheelbarrow", "6162": "trott", "6163": "rook", "6164": "room", "6165": "roon", "6166": "trots", "6167": "looooooove", "6168": "rood", "6169": "roof", "6170": "movies", "6171": "chrimbo", "6172": "exceptions", "6173": "fking", "6174": "roos", "6175": "root", "6176": "gamergate", "6177": "unmarked", "6178": "⬇", "6179": "climax", "6180": "loosened", "6181": "superfan", "6182": "stressing", "6183": "downsides", "6184": "foods", "6185": "cryign", "6186": "marlo", "6187": "simian", "6188": "maleficent", "6189": "cushing", "6190": "loathe", "6191": "autonomy", "6192": "pogo", "6193": "colds", "6194": "hellos", "6195": "amazing", "6196": "neveragain", "6197": "blackish", "6198": "config", "6199": "aboard", "6200": "ovr", "6201": "shar", "6202": "blanks", "6203": "believers", "6204": "yamazaki", "6205": "manuals", "6206": "loyalty", "6207": "whyyyy", "6208": "egos", "6209": "ova", "6210": "gotoconcert", "6211": "ove", "6212": "ovi", "6213": "ovo", "6214": "molesting", "6215": "draggin", "6216": "shat", "6217": "third", "6218": "looove", "6219": "shawdy", "6220": "aaand", "6221": "fictitious", "6222": "goodbye", "6223": "memeber", "6224": "operate", "6225": "skyping", "6226": "680", "6227": "wus", "6228": "wur", "6229": "shay", "6230": "wuv", "6231": "unnamed", "6232": "wut", "6233": "pothole", "6234": "wuz", "6235": "biracial", "6236": "inconclusive", "6237": "💏", "6238": "fenix", "6239": "wub", "6240": "mumbo", "6241": "wud", "6242": "captions", "6243": "budding", "6244": "windshield", "6245": "wun", "6246": "before", "6247": "scooting", "6248": "crey", "6249": "deathly", "6250": "symmetry", "6251": "rescheduled", "6252": "personal", "6253": "hezbollah", "6254": "crew", "6255": "sprays", "6256": "personas", "6257": "chatty", "6258": "schmidt", "6259": "cred", "6260": "cree", "6261": "confidently", "6262": "spfl", "6263": "aston", "6264": "gunning", "6265": "shad", "6266": "combination", "6267": "darian", "6268": "runny", "6269": "caterpillar", "6270": "ernesto", "6271": "glazed", "6272": "anit", "6273": "downright", "6274": "anis", "6275": "iigh", "6276": "lorena", "6277": "arrested", "6278": "curator", "6279": "boops", "6280": "bootay", "6281": "ducking", "6282": "conceive", "6283": "lofty", "6284": "rebooted", "6285": "cumn", "6286": "☃", "6287": "allyson", "6288": "skint", "6289": "aida", "6290": "skins", "6291": "hoebag", "6292": "trading", "6293": "forgot", "6294": "shitpost", "6295": "aids", "6296": "cums", "6297": "comedies", "6298": "alwayssss", "6299": "merchants", "6300": "hereeeee", "6301": "waaaaah", "6302": "00am", "6303": "mandy", "6304": "lurks", "6305": "txtin", "6306": "manda", "6307": "symmetra", "6308": "ihop", "6309": "debit", "6310": "mando", "6311": "venezuela", "6312": "foto", "6313": "plsss", "6314": "resume", "6315": "ascending", "6316": "gahhh", "6317": "hoodie", "6318": "delightfully", "6319": "goaltending", "6320": "brrr", "6321": "blinders", "6322": "zaps", "6323": "convent", "6324": "eveything", "6325": "cosmic", "6326": "shush", "6327": "eun", "6328": "leila", "6329": "falsehoods", "6330": "passcode", "6331": "feds", "6332": "vijay", "6333": "enraged", "6334": "fictions", "6335": "pleease", "6336": "🎋", "6337": "jjs", "6338": "kaela", "6339": "lettuce", "6340": "floors", "6341": "downside", "6342": "bionic", "6343": "immensely", "6344": "awesomesauce", "6345": "gyllenhaal", "6346": "hawks", "6347": "fuhhh", "6348": "neato", "6349": "garry", "6350": "burgess", "6351": "bodys", "6352": "gville", "6353": "hawke", "6354": "peso", "6355": "dinos", "6356": "kurdish", "6357": "2am", "6358": "digs", "6359": "digi", "6360": "requisite", "6361": "digg", "6362": "someome", "6363": "faceoff", "6364": "begins", "6365": "sabrinahndu6755", "6366": "dawkins", "6367": "bitterness", "6368": "knights", "6369": "evaporated", "6370": "flirts", "6371": "telln", "6372": "telll", "6373": "palace", "6374": "trueblood", "6375": "rattle", "6376": "shawd", "6377": "ginger", "6378": "telly", "6379": "theology", "6380": "tells", "6381": "thaaaanks", "6382": "jealously", "6383": "millenials", "6384": "cleary", "6385": "bengal", "6386": "ableton", "6387": "fitting", "6388": "musketeers", "6389": "sleeper", "6390": "zuckerberg", "6391": "quarterback", "6392": "faye", "6393": "clapton", "6394": "llamas", "6395": "overplayed", "6396": "marin", "6397": "mario", "6398": "heyman", "6399": "marie", "6400": "maria", "6401": "zealand", "6402": "observation", "6403": "splints", "6404": "parkland", "6405": "breathes", "6406": "breather", "6407": "worsen", "6408": "competitors", "6409": "breathed", "6410": "scotch", "6411": "annoyed", "6412": "kristen", "6413": "scouring", "6414": "aquatic", "6415": "ambassador", "6416": "kus", "6417": "probe", "6418": "lobsters", "6419": "bluh", "6420": "kruger", "6421": "implying", "6422": "abstain", "6423": "probz", "6424": "supplied", "6425": "reeeeally", "6426": "transphobia", "6427": "transphobic", "6428": "aubs", "6429": "imploded", "6430": "probs", "6431": "northeast", "6432": "cumberland", "6433": "weekends", "6434": "celery", "6435": "gangsta", "6436": "jailed", "6437": "appendicitis", "6438": "appetizer", "6439": "cineworld", "6440": "christopher", "6441": "pallets", "6442": "iceberg", "6443": "saturn", "6444": "tmituesday", "6445": "earl", "6446": "earn", "6447": "3hours", "6448": "reload", "6449": "monumental", "6450": "ooohh", "6451": "troop", "6452": "lissa", "6453": "effing", "6454": "tities", "6455": "ears", "6456": "humanly", "6457": "honoka", "6458": "karnataka", "6459": "imitate", "6460": "achieves", "6461": "testing", "6462": "doper", "6463": "alterations", "6464": "yoshi", "6465": "interruptions", "6466": "incorporating", "6467": "operatives", "6468": "coats", "6469": "prata", "6470": "artificial", "6471": "orgasmic", "6472": "merrychristmas", "6473": "globalist", "6474": "capetown", "6475": "8ish", "6476": "omc", "6477": "omb", "6478": "oma", "6479": "omg", "6480": "omf", "6481": "ome", "6482": "omd", "6483": "omh", "6484": "omo", "6485": "physicist", "6486": "omm", "6487": "lotion", "6488": "oms", "6489": "vernon", "6490": "omw", "6491": "upfront", "6492": "cousin", "6493": "motto", "6494": "suggested", "6495": "sperry", "6496": "gooodd", "6497": "civilised", "6498": "resistant", "6499": "oooohhhh", "6500": "uncertainty", "6501": "damned", "6502": "paladins", "6503": "fangirl", "6504": "sprinter", "6505": "johnstone", "6506": "yaay", "6507": "bison", "6508": "presumably", "6509": "competence", "6510": "yaas", "6511": "yaar", "6512": "buries", "6513": "incessant", "6514": "yaah", "6515": "lanterns", "6516": "quinn", "6517": "trappin", "6518": "yaaa", "6519": "√", "6520": "yaad", "6521": "putt", "6522": "copycat", "6523": "tint", "6524": "tins", "6525": "snowcone", "6526": "puts", "6527": "basis", "6528": "regenerate", "6529": "youuuuuu", "6530": "chels", "6531": "parsley", "6532": "tiny", "6533": "cyrus", "6534": "oooooo", "6535": "commission", "6536": "tine", "6537": "trigger", "6538": "puta", "6539": "tina", "6540": "oooooh", "6541": "basil", "6542": "aswel", "6543": "entered", "6544": "lovely", "6545": "tink", "6546": "puth", "6547": "hoenn", "6548": "mtvstars", "6549": "deeper", "6550": "dismiss", "6551": "sooooo", "6552": "soooon", "6553": "shattering", "6554": "maeve", "6555": "deepen", "6556": "downplay", "6557": "lionel", "6558": "unpopular", "6559": "scotsman", "6560": "t___t", "6561": "vendetta", "6562": "demonetization", "6563": "ravish", "6564": "spontaneously", "6565": "ugly", "6566": "ceilings", "6567": "suckstosuck", "6568": "sprinted", "6569": "mesquite", "6570": "pessimistic", "6571": "seven", "6572": "cane", "6573": "cana", "6574": "cann", "6575": "cano", "6576": "semesters", "6577": "😍", "6578": "anoying", "6579": "cant", "6580": "cans", "6581": "comiccon", "6582": "fabulously", "6583": "bet365", "6584": "disappear", "6585": "cany", "6586": "80k", "6587": "waging", "6588": "parise", "6589": "radiator", "6590": "80m", "6591": "fatherless", "6592": "parish", "6593": "realizing", "6594": "debuted", "6595": "meetup", "6596": "toolbox", "6597": "80s", "6598": "shoveling", "6599": "evolve", "6600": "bearded", "6601": "ello", "6602": "ella", "6603": "welker", "6604": "elle", "6605": "jisoo", "6606": "renaissance", "6607": "elly", "6608": "realness", "6609": "unicorn", "6610": "", "6611": "👡", "6612": "zika", "6613": "weakly", "6614": "programs", "6615": "unconditionally", "6616": "failing", "6617": "inherit", "6618": "midway", "6619": "808", "6620": "resuming", "6621": "reese", "6622": "coliseum", "6623": "800", "6624": "yourr", "6625": "investments", "6626": "marcy", "6627": "etiquette", "6628": "agoo", "6629": "stomache", "6630": "yeo", "6631": "yen", "6632": "yea", "6633": "framerate", "6634": "kejriwal", "6635": "yee", "6636": "kinks", "6637": "yeg", "6638": "assigned", "6639": "fighters", "6640": "yez", "6641": "yep", "6642": "yes", "6643": "cretin", "6644": "yet", "6645": "yew", "6646": "1776", "6647": "nudge", "6648": "savy", "6649": "⚫", "6650": "royal", "6651": "intends", "6652": "jules", "6653": "inlaws", "6654": "translucent", "6655": "urwel", "6656": "🎹", "6657": "contestant", "6658": "whatsapp", "6659": "save", "6660": "trimming", "6661": "thennn", "6662": "sailors", "6663": "feets", "6664": "burthday", "6665": "rehash", "6666": "supervisors", "6667": "discreet", "6668": "prezzies", "6669": "nationalists", "6670": "lonzo", "6671": "juked", "6672": "mayer", "6673": "patience", "6674": "nude", "6675": "defamation", "6676": "zombies", "6677": "testers", "6678": "interestingly", "6679": "motorcycles", "6680": "cowardice", "6681": "greenland", "6682": "dean", "6683": "maxie", "6684": "deal", "6685": "mariahcarey", "6686": "deaf", "6687": "somehow", "6688": "elderly", "6689": "manziel", "6690": "maxis", "6691": "fingering", "6692": "dear", "6693": "manifest", "6694": "carts", "6695": "microwave", "6696": "runing", "6697": "offcourse", "6698": "favstar", "6699": "shakespeare", "6700": "carta", "6701": "meaty", "6702": "carte", "6703": "ahhh", "6704": "subscriptions", "6705": "dayglow", "6706": "predicting", "6707": "confrontation", "6708": "greenbelt", "6709": "wept", "6710": "chilean", "6711": "oreo", "6712": "inedible", "6713": "barbarians", "6714": "magazine", "6715": "afternoon", "6716": "automatically", "6717": "gamecocks", "6718": "thinner", "6719": "managers", "6720": "subs", "6721": "chacha", "6722": "selfie", "6723": "doherty", "6724": "down", "6725": "fumes", "6726": "slurs", "6727": "narration", "6728": "cardiff", "6729": "refined", "6730": "murderers", "6731": "parade", "6732": "communists", "6733": "agger", "6734": "mothership", "6735": "initial", "6736": "jealousy", "6737": "timeeeee", "6738": "editor", "6739": "fraction", "6740": "neechan", "6741": "subtweetin", "6742": "vacated", "6743": "factions", "6744": "ashit", "6745": "kassidy", "6746": "starve", "6747": "reinforcing", "6748": "paki", "6749": "clinics", "6750": "batman", "6751": "birthdaaay", "6752": "analyse", "6753": "sickest", "6754": "landing", "6755": "mhmmm", "6756": "feminine", "6757": "bengali", "6758": "analyst", "6759": "preview", "6760": "mmmmh", "6761": "prevents", "6762": "nutters", "6763": "yallll", "6764": "whiskey", "6765": "centipede", "6766": "northerner", "6767": "wellies", "6768": "sushma", "6769": "horrifying", "6770": "trembles", "6771": "kaine", "6772": "midgets", "6773": "strengthening", "6774": "pimples", "6775": "replys", "6776": "petit", "6777": "wriggling", "6778": "thunk", "6779": "jupiter", "6780": "tarnished", "6781": "muffins", "6782": "awhile", "6783": "graft", "6784": "marinated", "6785": "holla", "6786": "marking", "6787": "vps", "6788": "fosters", "6789": "anyday", "6790": "🔷", "6791": "holly", "6792": "optimization", "6793": "2500", "6794": "tamale", "6795": "pouted", "6796": "roomies", "6797": "faction", "6798": "handicap", "6799": "braking", "6800": "utilities", "6801": "unwell", "6802": "parenthood", "6803": "hahahahahaa", "6804": "sion", "6805": "journey", "6806": "wechat", "6807": "brightens", "6808": "sinead", "6809": "redirected", "6810": "hahahahahah", "6811": "weekend", "6812": "377", "6813": "jacked", "6814": "250k", "6815": "happening", "6816": "restores", "6817": "santorum", "6818": "pseudo", "6819": "mwahaha", "6820": "thst", "6821": "jacket", "6822": "stripping", "6823": "yayayay", "6824": "chachi", "6825": "profits", "6826": "yazi", "6827": "discreetly", "6828": "fletch", "6829": "cking", "6830": "windows10", "6831": "initiates", "6832": "thinkk", "6833": "qot", "6834": "bulmers", "6835": "wiiu", "6836": "commentaries", "6837": "premises", "6838": "hijacked", "6839": "21st", "6840": "anticipation", "6841": "disorders", "6842": "swoon", "6843": "father", "6844": "likeeeee", "6845": "psychics", "6846": "mcbusted", "6847": "reptiles", "6848": "swoop", "6849": "meister", "6850": "sovereignty", "6851": "advises", "6852": "adviser", "6853": "myles", "6854": "degrassi", "6855": "phasing", "6856": "congratulating", "6857": "lynch", "6858": "kadri", "6859": "advised", "6860": "depay", "6861": "hoorah", "6862": "biceps", "6863": "swapping", "6864": "hugest", "6865": "elam", "6866": "proposals", "6867": "bizhour", "6868": "hooray", "6869": "round", "6870": "unexpected", "6871": "baffle", "6872": "dealing", "6873": "measurable", "6874": "asriel", "6875": "forensics", "6876": "talker", "6877": "draymond", "6878": "yoda", "6879": "majors", "6880": "arvo", "6881": "norris", "6882": "filler", "6883": "bo1", "6884": "bo2", "6885": "bo3", "6886": "bo5", "6887": "fillet", "6888": "majora", "6889": "suspect", "6890": "arceus", "6891": "tenacity", "6892": "international", "6893": "filled", "6894": "dwarf", "6895": "davina", "6896": "shankar", "6897": "rug", "6898": "meeks", "6899": "hobos", "6900": "chilton", "6901": "worldie", "6902": "truuue", "6903": "frosting", "6904": "sndonew", "6905": "box", "6906": "boy", "6907": "boz", "6908": "・", "6909": "hotties", "6910": "bop", "6911": "montclair", "6912": "strudel", "6913": "bos", "6914": "bot", "6915": "bou", "6916": "bow", "6917": "boh", "6918": "boi", "6919": "bok", "6920": "bol", "6921": "bom", "6922": "bon", "6923": "boo", "6924": "boa", "6925": "bob", "6926": "bod", "6927": "boe", "6928": "bof", "6929": "bog", "6930": "teenage", "6931": "southfield", "6932": "proto", "6933": "statewide", "6934": "merely", "6935": "transplant", "6936": "sweating", "6937": "🤠", "6938": "sako", "6939": "saki", "6940": "debunk", "6941": "ariel", "6942": "stoops", "6943": "📰", "6944": "visit", "6945": "hong", "6946": "vineyard", "6947": "olympian", "6948": "aries", "6949": "truuuu", "6950": "ahha", "6951": "ladygaga", "6952": "preserving", "6953": "faith", "6954": "freestyle", "6955": "ibooks", "6956": "adverts", "6957": "mojang", "6958": "gadgets", "6959": "captcha", "6960": "drago", "6961": "quoting", "6962": "drags", "6963": "connoisseur", "6964": "idw", "6965": "making", "6966": "hehehhe", "6967": "nearest", "6968": "fucc", "6969": "kiddos", "6970": "junhong", "6971": "lowry", "6972": "fuck", "6973": "sample", "6974": "emory", "6975": "idp", "6976": "dennis", "6977": "14k", "6978": "subconsciously", "6979": "hinge", "6980": "overreacting", "6981": "ido", "6982": "nonchalant", "6983": "tomhamelton", "6984": "tearin", "6985": "emotionless", "6986": "persuasion", "6987": "testicle", "6988": "snf", "6989": "147", "6990": "snd", "6991": "145", "6992": "142", "6993": "143", "6994": "140", "6995": "141", "6996": "sno", "6997": "snl", "6998": "snm", "6999": "snk", "7000": "148", "7001": "149", "7002": "membership", "7003": "snr", "7004": "sns", "7005": "snp", "7006": "mocks", "7007": "antithesis", "7008": "jellyfish", "7009": "noun", "7010": "waist", "7011": "oates", "7012": "scolding", "7013": "waise", "7014": "pidge", "7015": "basket", "7016": "ayden", "7017": "nout", "7018": "serge", "7019": "lsd", "7020": "shoes", "7021": "josephine", "7022": "northampton", "7023": "spreadsheets", "7024": "joce", "7025": "lst", "7026": "lsu", "7027": "fatalities", "7028": "remmeber", "7029": "pfftt", "7030": "equip", "7031": "peterson", "7032": "blooded", "7033": "jock", "7034": "setbacks", "7035": "police", "7036": "monitor", "7037": "lieing", "7038": "interesting", "7039": "espn3", "7040": "espn2", "7041": "gigging", "7042": "policy", "7043": "annyeong", "7044": "tellem", "7045": "pussay", "7046": "soemthing", "7047": "tucked", "7048": "rattled", "7049": "snowday", "7050": "soulful", "7051": "tucker", "7052": "lunch", "7053": "markings", "7054": "own", "7055": "kibum", "7056": "leopards", "7057": "erudite", "7058": "teller", "7059": "leds", "7060": "workload", "7061": "feverish", "7062": "trainwreck", "7063": "logans", "7064": "boehner", "7065": "careless", "7066": "maher", "7067": "x10", "7068": "vogue", "7069": "motherland", "7070": "dongs", "7071": "brews", "7072": "sopranos", "7073": "twatching", "7074": "treacherous", "7075": "conventions", "7076": "🌑", "7077": "manifesto", "7078": "ahmad", "7079": "fingertips", "7080": "alessia", "7081": "carlisle", "7082": "bruva", "7083": "stitch", "7084": "kamui", "7085": "pentagon", "7086": "pedophile", "7087": "pisshead", "7088": "valdez", "7089": "cheshire", "7090": "pamela", "7091": "wainwright", "7092": "valdes", "7093": "ㅋ", "7094": "assurance", "7095": "inaction", "7096": "ajak", "7097": "romano", "7098": "romans", "7099": "ajax", "7100": "15mins", "7101": "bayer", "7102": "fcuking", "7103": "innate", "7104": "tortilla", "7105": "funko", "7106": "carnival", "7107": "waiter", "7108": "gfuel", "7109": "contented", "7110": "elland", "7111": "funky", "7112": "apologising", "7113": "registrar", "7114": "jolteon", "7115": "equaliser", "7116": "delevingne", "7117": "frequent", "7118": "first", "7119": "orangeisthenewblack", "7120": "sansa", "7121": "dungeons", "7122": "rachel", "7123": "nutritional", "7124": "bullshits", "7125": "🔬", "7126": "rachet", "7127": "twinkie", "7128": "overheating", "7129": "eventhough", "7130": "coooool", "7131": "fieri", "7132": "10lbs", "7133": "bahahah", "7134": "fiery", "7135": "speaking", "7136": "meme", "7137": "wonga", "7138": "inefficient", "7139": "allegedly", "7140": "mblaq", "7141": "memo", "7142": "boba", "7143": "mucking", "7144": "mems", "7145": "bobs", "7146": "goddesses", "7147": "mistresses", "7148": "scraping", "7149": "daaaa", "7150": "whooooooo", "7151": "proofread", "7152": "strolls", "7153": "20p", "7154": "20s", "7155": "lick", "7156": "20x", "7157": "12hr", "7158": "talia", "7159": "lice", "7160": "talib", "7161": "narrator", "7162": "🐕", "7163": "pastry", "7164": "teasingly", "7165": "20k", "7166": "chika", "7167": "nazi", "7168": "euclid", "7169": "kevin", "7170": "cassandra", "7171": "nikola", "7172": "squat", "7173": "burnin", "7174": "bailed", "7175": "anywayz", "7176": "righhhht", "7177": "foreigner", "7178": "hotspot", "7179": "burnie", "7180": "squad", "7181": "🤷", "7182": "shocker", "7183": "performance", "7184": "neeeeed", "7185": "ultimate", "7186": "flattered", "7187": "200", "7188": "203", "7189": "202", "7190": "205", "7191": "204", "7192": "wooow", "7193": "bett", "7194": "arguing", "7195": "208", "7196": "aldon", "7197": "830", "7198": "creatives", "7199": "rehearsal", "7200": "🏐", "7201": "assault", "7202": "barrage", "7203": "cannt", "7204": "sheets", "7205": "gfinity", "7206": "canny", "7207": "woooh", "7208": "tugging", "7209": "beth", "7210": "beto", "7211": "woooo", "7212": "sheetz", "7213": "vapor", "7214": "radioactive", "7215": "kallis", "7216": "lenny", "7217": "angst", "7218": "bangin", "7219": "lawdddd", "7220": "scowl", "7221": "paytm", "7222": "harvey", "7223": "voodoo", "7224": "sigma", "7225": "shielding", "7226": "takis", "7227": "uverse", "7228": "playoffs", "7229": "reef", "7230": "a7x", "7231": "kwon", "7232": "representatives", "7233": "bedside", "7234": "tiredness", "7235": "threshold", "7236": "shoukd", "7237": "snider", "7238": "takin", "7239": "cakap", "7240": "enthusiast", "7241": "enjoyy", "7242": "stormy", "7243": "treasure", "7244": "storms", "7245": "spirituality", "7246": "dolce", "7247": "helix", "7248": "travesty", "7249": "treasury", "7250": "enthusiasm", "7251": "pegged", "7252": "flickers", "7253": "hooooo", "7254": "awareness", "7255": "ger", "7256": "35am", "7257": "get", "7258": "stomp", "7259": "moons", "7260": "flonnezilla", "7261": "hailey", "7262": "gea", "7263": "frontin", "7264": "unconsciously", "7265": "gee", "7266": "ged", "7267": "gej", "7268": "bitters", "7269": "geh", "7270": "geo", "7271": "gen", "7272": "gem", "7273": "gel", "7274": "buuuut", "7275": "waaait", "7276": "thanksss", "7277": "outshine", "7278": "bearings", "7279": "ute", "7280": "malaysian", "7281": "synonyms", "7282": "morning", "7283": "miler", "7284": "miles", "7285": "nostril", "7286": "gammon", "7287": "miley", "7288": "flamingos", "7289": "declared", "7290": "caan", "7291": "seas", "7292": "lololololololol", "7293": "tsun", "7294": "seat", "7295": "sean", "7296": "eliminating", "7297": "seal", "7298": "stigma", "7299": "krusty", "7300": "vita", "7301": "wonder", "7302": "indicted", "7303": "satisfying", "7304": "jits", "7305": "maryse", "7306": "label", "7307": "boundaries", "7308": "enough", "7309": "utv", "7310": "across", "7311": "🎡", "7312": "infrastructure", "7313": "august", "7314": "molten", "7315": "timmy", "7316": "nationality", "7317": "gauntlet", "7318": "coupons", "7319": "blasts", "7320": "tour", "7321": "elijah", "7322": "tout", "7323": "patootie", "7324": "guardians", "7325": "longshot", "7326": "dkm", "7327": "among", "7328": "firewall", "7329": "buti", "7330": "spank", "7331": "🆓", "7332": "spans", "7333": "pacifier", "7334": "onedirection", "7335": "procedural", "7336": "considering", "7337": "arrrr", "7338": "tuning", "7339": "jking", "7340": "capable", "7341": "folow", "7342": "wobble", "7343": "trams", "7344": "gronk", "7345": "attaching", "7346": "imr", "7347": "bucketlist", "7348": "wobbly", "7349": "judging", "7350": "403", "7351": "taehyun", "7352": "concentrated", "7353": "realtalk", "7354": "🌶", "7355": "squash", "7356": "laptops", "7357": "dramatic", "7358": "wake", "7359": "amphitheater", "7360": "swanny", "7361": "declaration", "7362": "hardcore", "7363": "pattie", "7364": "^", "7365": "sound", "7366": "kappa", "7367": "antoni", "7368": "nigggaaa", "7369": "ukiss", "7370": "ratchet", "7371": "coca", "7372": "promising", "7373": "cancelled", "7374": "hmmmm", "7375": "slapping", "7376": "twinny", "7377": "cock", "7378": "45min", "7379": "ulysses", "7380": "strait", "7381": "sleeping", "7382": "strain", "7383": "sudden", "7384": "westjet", "7385": "loosing", "7386": "protein", "7387": "backstabbing", "7388": "💦", "7389": "pepe", "7390": "smhhhh", "7391": "lava", "7392": "compiling", "7393": "goodmorningg", "7394": "aerobics", "7395": "peps", "7396": "emojis", "7397": "🌿", "7398": "dooooo", "7399": "extended", "7400": "assist", "7401": "hullo", "7402": "companion", "7403": "bim", "7404": "kubo", "7405": "jeremih", "7406": "mornight", "7407": "p90x", "7408": "polygon", "7409": "lokos", "7410": "supports", "7411": "80x80", "7412": "nad", "7413": "alrighttt", "7414": "pokémon", "7415": "iraqis", "7416": "jamboree", "7417": "halarious", "7418": "stunted", "7419": "naj", "7420": "bowser", "7421": "rayman", "7422": "consisted", "7423": "riddle", "7424": "outdoor", "7425": "unbanned", "7426": "posole", "7427": "sights", "7428": "idkk", "7429": "unofficial", "7430": "pissing", "7431": "leeway", "7432": "tadi", "7433": "jimin", "7434": "flavor", "7435": "windmills", "7436": "idky", "7437": "laterr", "7438": "clueless", "7439": "soldado", "7440": "nottttt", "7441": "preachers", "7442": "fancams", "7443": "nav", "7444": "chilllll", "7445": "compels", "7446": "kickboxing", "7447": "discontent", "7448": "schwarzenegger", "7449": "tenses", "7450": "vivek", "7451": "nando", "7452": "luring", "7453": "credentials", "7454": "exaclty", "7455": "buttercream", "7456": "vertically", "7457": "hydrated", "7458": "vending", "7459": "adams", "7460": "identifying", "7461": "homegirl", "7462": "appy", "7463": "omgg", "7464": "passionate", "7465": "escalators", "7466": "naaa", "7467": "obsessions", "7468": "drat", "7469": "naam", "7470": "naan", "7471": "pronounce", "7472": "🍃", "7473": "naaw", "7474": "images", "7475": "niggahs", "7476": "snoring", "7477": "lotte", "7478": "outs", "7479": "genetics", "7480": "lotta", "7481": "readyyyy", "7482": "drenched", "7483": "kml", "7484": "coker", "7485": "outa", "7486": "kmt", "7487": "kms", "7488": "seeding", "7489": "splatfest", "7490": "im5", "7491": "😻", "7492": "knife", "7493": "cramps", "7494": "dispensary", "7495": "solstice", "7496": "dissapointing", "7497": "fewest", "7498": "each", "7499": "doco", "7500": "cheapo", "7501": "patronising", "7502": "raptor", "7503": "racoon", "7504": "demonic", "7505": "willian", "7506": "topeka", "7507": "pockets", "7508": "atall", "7509": "mcrib", "7510": "fallacy", "7511": "uhaul", "7512": "fertile", "7513": "coupon", "7514": "skilled", "7515": "6months", "7516": "harness", "7517": "lifers", "7518": "skillet", "7519": "pastures", "7520": "sadder", "7521": "🌨", "7522": "railcard", "7523": "distracted", "7524": "vh1", "7525": "deadlines", "7526": "nevah", "7527": "mondays", "7528": "mames", "7529": "labelling", "7530": "cspan", "7531": "asians", "7532": "fakeness", "7533": "spicy", "7534": "butterbeer", "7535": "huggable", "7536": "fanatic", "7537": "nightshift", "7538": "yups", "7539": "yupp", "7540": "motherly", "7541": "cortana", "7542": "genocidal", "7543": "undeserving", "7544": "catchin", "7545": "laine", "7546": "hurricanes", "7547": "spice", "7548": "woman", "7549": "kiking", "7550": "arranged", "7551": "annihilate", "7552": "ronaldo", "7553": "vhs", "7554": "luff", "7555": "reapply", "7556": "peeking", "7557": "moley", "7558": "grouch", "7559": "wuts", "7560": "wutt", "7561": "powerless", "7562": "railed", "7563": "rapids", "7564": "humiliated", "7565": "censor", "7566": "imagination", "7567": "examine", "7568": "borderlands", "7569": "casualty", "7570": "again", "7571": "strikers", "7572": "weeden", "7573": "goddam", "7574": "jenga", "7575": "wantt", "7576": "bernardino", "7577": "tyreek", "7578": "parkour", "7579": "gurll", "7580": "sycophants", "7581": "snitching", "7582": "paramedic", "7583": "gurls", "7584": "islanders", "7585": "itches", "7586": "remaster", "7587": "480", "7588": "grudge", "7589": "havana", "7590": "assets", "7591": "hereeeeee", "7592": "gutless", "7593": "bayley", "7594": "yuppers", "7595": "flyin", "7596": "collegiate", "7597": "tatari", "7598": "homos", "7599": "u", "7600": "incestuous", "7601": "colleges", "7602": "founder", "7603": "grassroots", "7604": "vegemite", "7605": "allergy", "7606": "founded", "7607": "commute", "7608": "alreet", "7609": "expressions", "7610": "plodding", "7611": "shattered", "7612": "nsu", "7613": "youngjae", "7614": "mores", "7615": "nita", "7616": "preserved", "7617": "crimson", "7618": "enjoying", "7619": "hellooo", "7620": "puffs", "7621": "banning", "7622": "sitting", "7623": "iuc", "7624": "puffy", "7625": "iud", "7626": "mcdonough", "7627": "wiretap", "7628": "ichiro", "7629": "🇧", "7630": "bestie", "7631": "clench", "7632": "purrs", "7633": "hilda", "7634": "ramen", "7635": "clamps", "7636": "squirted", "7637": "exclusives", "7638": "pre", "7639": "forking", "7640": "washing", "7641": "alma", "7642": "moree", "7643": "scampi", "7644": "drugged", "7645": "farms", "7646": "flyover", "7647": "donovan", "7648": "nunn", "7649": "zerrie", "7650": "pettiness", "7651": "20th", "7652": "lucrative", "7653": "​", "7654": "clinch", "7655": "revlon", "7656": "strung", "7657": "zero", "7658": "perspective", "7659": "layover", "7660": "500k", "7661": "500m", "7662": "creatures", "7663": "rere", "7664": "defence", "7665": "accnt", "7666": "sweetly", "7667": "brackets", "7668": "nuna", "7669": "wrecked", "7670": "carcass", "7671": "caffeine", "7672": "bape", "7673": "wrecker", "7674": "witchu", "7675": "videogame", "7676": "5000", "7677": "aaryn", "7678": "malaria", "7679": "mula", "7680": "witchy", "7681": "mule", "7682": "squeezed", "7683": "oldie", "7684": "affectionately", "7685": "witcho", "7686": "meowing", "7687": "fwm", "7688": "stupor", "7689": "fwh", "7690": "fwd", "7691": "fwa", "7692": "fwb", "7693": "sikhs", "7694": "significantly", "7695": "sofas", "7696": "kenta", "7697": "delphine", "7698": "lasagna", "7699": "fwy", "7700": "misery", "7701": "mentions", "7702": "specialize", "7703": "9mm", "7704": "kaneki", "7705": "medics", "7706": "aria", "7707": "dikes", "7708": "caravan", "7709": "mastering", "7710": "africa", "7711": "munchkin", "7712": "fanx", "7713": "concussions", "7714": "bruins", "7715": "shareholders", "7716": "inoo", "7717": "composure", "7718": "attackers", "7719": "plastered", "7720": "governance", "7721": "impressionable", "7722": "paterson", "7723": "tacky", "7724": "gaah", "7725": "gaal", "7726": "neverending", "7727": "crazyyyy", "7728": "handsomely", "7729": "mozilla", "7730": "magpies", "7731": "landed", "7732": "kome", "7733": "aris", "7734": "boredd", "7735": "youuuuu", "7736": "karaoke", "7737": "salesforce", "7738": "sucky", "7739": "chardonnay", "7740": "georgina", "7741": "recall", "7742": "phrasing", "7743": "specializes", "7744": "sucks", "7745": "guards", "7746": "remain", "7747": "electoral", "7748": "dazed", "7749": "specialized", "7750": "sucka", "7751": "stubborn", "7752": "mackay", "7753": "synchronized", "7754": "salesmen", "7755": "onslaught", "7756": "mainline", "7757": "pro", "7758": "conceding", "7759": "confuzzled", "7760": "collision", "7761": "minimum", "7762": "numbers", "7763": "capitalizing", "7764": "outfits", "7765": "robinson", "7766": "pinks", "7767": "biography", "7768": "homicide", "7769": "freckle", "7770": "needs", "7771": "engages", "7772": "g1", "7773": "needy", "7774": "demolition", "7775": "acts", "7776": "needa", "7777": "maps", "7778": "daym", "7779": "venting", "7780": "sacred", "7781": "stir", "7782": "stip", "7783": "needn", "7784": "shiba", "7785": "redwood", "7786": "questioning", "7787": "reupload", "7788": "spectacularly", "7789": "countering", "7790": "coming", "7791": "ingrained", "7792": "wowee", "7793": "brady", "7794": "sumthn", "7795": "toiletries", "7796": "dragon", "7797": "mislead", "7798": "vibrator", "7799": "hatton", "7800": "hairflip", "7801": "serenade", "7802": "underscore", "7803": "awwee", "7804": "heartfelt", "7805": "greattttt", "7806": "uname", "7807": "through", "7808": "lasik", "7809": "rana", "7810": "golfing", "7811": "messed", "7812": "comedic", "7813": "", "7814": "pests", "7815": "pcs", "7816": "pcp", "7817": "baat", "7818": "bosom", "7819": "pct", "7820": "rechall", "7821": "misunderstandings", "7822": "messes", "7823": "attractions", "7824": "pcb", "7825": "mh370", "7826": "pesto", "7827": "pca", "7828": "hayoung", "7829": "etienne", "7830": "pcd", "7831": "maybeeee", "7832": "toothy", "7833": "gropes", "7834": "socially", "7835": "prejudices", "7836": "primary", "7837": "newsflash", "7838": "frigid", "7839": "compound", "7840": "missssss", "7841": "viewers", "7842": "groped", "7843": "mystery", "7844": "bombard", "7845": "huddle", "7846": "sakit", "7847": "hails", "7848": "ludwig", "7849": "todaay", "7850": "evade", "7851": "finessin", "7852": "micro", "7853": "namibia", "7854": "minger", "7855": "repeating", "7856": "rowland", "7857": "rhys", "7858": "wrappers", "7859": "garrus", "7860": "↗", "7861": ")", "7862": "tiffany", "7863": "peoria", "7864": "toooooo", "7865": "engaging", "7866": "katrina", "7867": "junhyung", "7868": "ahahha", "7869": "creationists", "7870": "portland", "7871": "akp", "7872": "austins", "7873": "aber", "7874": "uninvited", "7875": "sickness", "7876": "perri", "7877": "perro", "7878": "perra", "7879": "evaluation", "7880": "mmy", "7881": "enforcing", "7882": "cockroach", "7883": "bombshell", "7884": "mmm", "7885": "extraordinary", "7886": "mmo", "7887": "calder", "7888": "mmh", "7889": "mmk", "7890": "impeached", "7891": "backed", "7892": "reparations", "7893": "mmg", "7894": "mmf", "7895": "beginning", "7896": "whre", "7897": "parred", "7898": "faucet", "7899": "needing", "7900": "tahu", "7901": "taht", "7902": "wither", "7903": "5sos", "7904": "taha", "7905": "raptors", "7906": "indebted", "7907": "embraces", "7908": "valentino", "7909": "stabs", "7910": "tov", "7911": "valentina", "7912": "valentine", "7913": "oddball", "7914": "embraced", "7915": "fiction", "7916": "razor", "7917": "•", "7918": "mercilessly", "7919": "riyadh", "7920": "radiating", "7921": "hamsters", "7922": "toi", "7923": "jetta", "7924": "hummingbird", "7925": "larkin", "7926": "kanti", "7927": "woww", "7928": "aaahhhh", "7929": "youtubers", "7930": "differentiate", "7931": "toc", "7932": "trolls", "7933": "etsy", "7934": "corpus", "7935": "yeaaahhh", "7936": "zeal", "7937": "monger", "7938": "tonighttt", "7939": "voltron", "7940": "looooooong", "7941": "hodor", "7942": "unbroken", "7943": "bawl", "7944": "skippy", "7945": "toe", "7946": "debugging", "7947": "swerve", "7948": "🐅", "7949": "sare", "7950": "midol", "7951": "urban", "7952": "ditches", "7953": "giancarlo", "7954": "", "7955": "hangout", "7956": "smirking", "7957": "showers", "7958": "dosed", "7959": "ditched", "7960": "weenies", "7961": "funnny", "7962": "depending", "7963": "blanca", "7964": "teds", "7965": "othe", "7966": "❺gain", "7967": "broooo", "7968": "couch", "7969": "funnnn", "7970": "lifts", "7971": "orton", "7972": "rafters", "7973": "kendal", "7974": "eggy", "7975": "🏀", "7976": "serene", "7977": "godfather", "7978": "serena", "7979": "dayton", "7980": "programmers", "7981": "chars", "7982": "wasssup", "7983": "serviced", "7984": "zeller", "7985": "wylie", "7986": "charm", "7987": "charl", "7988": "eggo", "7989": "services", "7990": "solicitor", "7991": "voteaustinmahone", "7992": "❣", "7993": "peasy", "7994": "focussing", "7995": "drifts", "7996": "dimension", "7997": "wylin", "7998": "seething", "7999": "berniesanders", "8000": "reflections", "8001": "weightlifting", "8002": "pease", "8003": "3v3", "8004": "teemo", "8005": "chocs", "8006": "rebels", "8007": "coli", "8008": "commissions", "8009": "gitmo", "8010": "lmfaooooooo", "8011": "businesses", "8012": "feo", "8013": "immaturity", "8014": "headlines", "8015": "headliner", "8016": "tuesdays", "8017": "choco", "8018": "cell", "8019": "£", "8020": "humbly", "8021": "merger", "8022": "cravin", "8023": "ebert", "8024": "poach", "8025": "idiots", "8026": "volatile", "8027": "merged", "8028": "biddy", "8029": "express", "8030": "toddlers", "8031": "zapped", "8032": "gendered", "8033": "breast", "8034": "suzie", "8035": "thsts", "8036": "buhh", "8037": "repressed", "8038": "tournaments", "8039": "roles", "8040": "recycled", "8041": "spikey", "8042": "dante", "8043": "doubled", "8044": "spiked", "8045": "witches", "8046": "witcher", "8047": "doubles", "8048": "longgg", "8049": "restaurants", "8050": "ksoo", "8051": "codysimpson", "8052": "geoff", "8053": "manly", "8054": "lisbon", "8055": "quiche", "8056": "̥", "8057": "expert", "8058": "marinate", "8059": "goodafternoon", "8060": "noles", "8061": "taylorswift13", "8062": "testified", "8063": "cutout", "8064": "bourn", "8065": "dosen", "8066": "moooore", "8067": "pisses", "8068": "pathan", "8069": "sharpies", "8070": "mailbox", "8071": "premise", "8072": "pissed", "8073": "defunct", "8074": "rashes", "8075": "generator", "8076": "restaurant", "8077": "foreign", "8078": "sparring", "8079": "suede", "8080": "focused", "8081": "baltimore", "8082": "rowlet", "8083": "subpar", "8084": "🚛", "8085": "point", "8086": "seing", "8087": "gypsy", "8088": "tennessee", "8089": "changers", "8090": "bricking", "8091": "gnats", "8092": "basedgod", "8093": "expensive", "8094": "backend", "8095": "weaving", "8096": "hillsong", "8097": "apostle", "8098": "autocorrect", "8099": "screened", "8100": "rivals", "8101": "faithfully", "8102": "peppers", "8103": "doodles", "8104": "kurds", "8105": "🙂", "8106": "anythin", "8107": "freelancing", "8108": "assorted", "8109": "ineptitude", "8110": "honorary", "8111": "❌", "8112": "nuked", "8113": "colonoscopy", "8114": "resisted", "8115": "patriarchy", "8116": "evangelical", "8117": "hearin", "8118": "politician", "8119": "grains", "8120": "coyle", "8121": "grainy", "8122": "elections", "8123": "kodak", "8124": "tiered", "8125": "2night", "8126": "whimpers", "8127": "ganging", "8128": "portugal", "8129": "century", "8130": "adhd", "8131": "dary", "8132": "anoda", "8133": "shawnmendes", "8134": "💖", "8135": "aspects", "8136": "busch", "8137": "bredda", "8138": "■", "8139": "hahahahha", "8140": "vote5sos", "8141": "migraine", "8142": "torts", "8143": "gestured", "8144": "🌯", "8145": "stilettos", "8146": "corridor", "8147": "‹", "8148": "torta", "8149": "development", "8150": "strips", "8151": "tupperware", "8152": "pranked", "8153": "stripe", "8154": "peachy", "8155": "parfait", "8156": "regis", "8157": "1969", "8158": "lacrosse", "8159": "sumo", "8160": "tugs", "8161": "whores", "8162": "smothers", "8163": "juseyo", "8164": "leppard", "8165": "iffy", "8166": "grunts", "8167": "nordic", "8168": "juventus", "8169": "ahahhaha", "8170": "tjat", "8171": "uplay", "8172": "jbl", "8173": "everythin", "8174": "vacuum", "8175": "boutta", "8176": "shape", "8177": "roethlisberger", "8178": "irritable", "8179": "alternative", "8180": "1963", "8181": "snare", "8182": "timber", "8183": "rundown", "8184": "cut", "8185": "cus", "8186": "cur", "8187": "cup", "8188": "hikaru", "8189": "marrying", "8190": "cuz", "8191": "cux", "8192": "kinect", "8193": "source", "8194": "cue", "8195": "cud", "8196": "chugged", "8197": "cub", "8198": "cum", "8199": "cul", "8200": "easter", "8201": "cuh", "8202": "nekkid", "8203": "shitebag", "8204": "blowjob", "8205": "hallucinations", "8206": "win7", "8207": "blech", "8208": "bribing", "8209": "knock", "8210": "rg3", "8211": "whoooop", "8212": "loooool", "8213": "retake", "8214": "austria", "8215": "gretel", "8216": "howell", "8217": "loyalist", "8218": "hoovering", "8219": "foolish", "8220": "walrus", "8221": "christmassy", "8222": "valleys", "8223": "collectors", "8224": "absolutely", "8225": "niagra", "8226": "delegation", "8227": "dermal", "8228": "candle", "8229": "skepta", "8230": "xhosa", "8231": "culprit", "8232": "irfan", "8233": "😫", "8234": "proficient", "8235": "jimmyfallon", "8236": "yoohoo", "8237": "balmy", "8238": "zachs", "8239": "phne", "8240": "cloud", "8241": "gallops", "8242": "epic", "8243": "girrrrrl", "8244": "qadri", "8245": "goml", "8246": "congis", "8247": "bsp", "8248": "paedophile", "8249": "gothic", "8250": "omygod", "8251": "feigning", "8252": "shinobi", "8253": "mullets", "8254": "delish", "8255": "slams", "8256": "moores", "8257": "kaep", "8258": "shinobu", "8259": "triton", "8260": "🐃", "8261": "tiff", "8262": "abusive", "8263": "yayaya", "8264": "retailer", "8265": "satisfactory", "8266": "tifa", "8267": "café", "8268": "lozza", "8269": "thougt", "8270": "", "8271": "interacted", "8272": "kyra", "8273": "💭", "8274": "folback", "8275": "normality", "8276": "immortality", "8277": "translate", "8278": "swearrrr", "8279": "pimpin", "8280": "shrieking", "8281": "murphy", "8282": "exterminated", "8283": "toooo", "8284": "karissa", "8285": "jagr", "8286": "jags", "8287": "remastered", "8288": "murica", "8289": "pickers", "8290": "planet", "8291": "zhe", "8292": "indefensible", "8293": "planes", "8294": "tanzania", "8295": "curt", "8296": "30fps", "8297": "constant", "8298": "stripped", "8299": "", "8300": "aiya", "8301": "scarlet", "8302": "consulted", "8303": "cure", "8304": "curb", "8305": "diving", "8306": "obtuse", "8307": "curl", "8308": "cafe", "8309": "yearbook", "8310": "cafc", "8311": "kombat", "8312": "stripper", "8313": "ansel", "8314": "auntie", "8315": "pecks", "8316": "composing", "8317": "reputation", "8318": "ellen", "8319": "mayonnaise", "8320": "wonderin", "8321": "underweight", "8322": "cellar", "8323": "intensifies", "8324": "monmouth", "8325": "heatwave", "8326": "purged", "8327": "restoration", "8328": "cater", "8329": "utterly", "8330": "sudoku", "8331": "scouting", "8332": "obrien", "8333": "implies", "8334": "elgort", "8335": "overlooking", "8336": "cooker", "8337": "zags", "8338": "wards", "8339": "bankers", "8340": "yani", "8341": "cooked", "8342": "implied", "8343": "presenting", "8344": "ignoramus", "8345": "northface", "8346": "uterus", "8347": "1tb", "8348": "caribou", "8349": "waaaaaaay", "8350": "portraying", "8351": "sardesairajdeep", "8352": "pks", "8353": "fitch", "8354": "clubbin", "8355": "groceries", "8356": "somtimes", "8357": "amplified", "8358": "strep", "8359": "compose", "8360": "vietnamese", "8361": "suave", "8362": "datsyuk", "8363": "literary", "8364": "hahhahaa", "8365": "maddie", "8366": "whatevaaa", "8367": "masculine", "8368": "pleasing", "8369": "nervousness", "8370": "proctor", "8371": "presently", "8372": "dessert", "8373": "imouto", "8374": "happyy", "8375": "sombody", "8376": "legos", "8377": "entire", "8378": "salad", "8379": "abouta", "8380": "busier", "8381": "squarepants", "8382": "havent", "8383": "ceasefire", "8384": "salah", "8385": "thiago", "8386": "hisoka", "8387": "carls", "8388": "carly", "8389": "blatter", "8390": "rivers", "8391": "carla", "8392": "ands", "8393": "elise", "8394": "copenhagen", "8395": "carlo", "8396": "rivera", "8397": "edison", "8398": "ticketing", "8399": "assisted", "8400": "fat", "8401": "freshies", "8402": "access", "8403": "🐳", "8404": "homeee", "8405": "bahahaha", "8406": "baio", "8407": "beasty", "8408": "apologetic", "8409": "beasts", "8410": "adoration", "8411": "jahar", "8412": "packing", "8413": "healing", "8414": "safer", "8415": "🍝", "8416": "capsules", "8417": "leviticus", "8418": "talent", "8419": "skool", "8420": "pokestop", "8421": "thisssss", "8422": "haitians", "8423": "premiering", "8424": "ashland", "8425": "climb", "8426": "alois", "8427": "aggy", "8428": "honor", "8429": "composed", "8430": "vips", "8431": "raybans", "8432": "kathniel", "8433": "composer", "8434": "cha", "8435": "che", "8436": "belittling", "8437": "chi", "8438": "hahahhahaha", "8439": "escapes", "8440": "readable", "8441": "hammered", "8442": "cho", "8443": "chp", "8444": "chs", "8445": "🚵", "8446": "debbie", "8447": "butler", "8448": "chy", "8449": "defendant", "8450": "charcoal", "8451": "prized", "8452": "disgust", "8453": "snatching", "8454": "flyest", "8455": "kiosk", "8456": "absol", "8457": "prizes", "8458": "dentistry", "8459": "4am", "8460": "nypd", "8461": "minions", "8462": "fooling", "8463": "tvxq", "8464": "hardball", "8465": "0800", "8466": "chicser", "8467": "didny", "8468": "aquaman", "8469": "ch4", "8470": "twiter", "8471": "closing", "8472": "didnt", "8473": "fetch", "8474": "maneee", "8475": "radcliffe", "8476": "shole", "8477": "invoices", "8478": "high5", "8479": "insyaallah", "8480": "andersen", "8481": "varied", "8482": "noises", "8483": "tttt", "8484": "holds", "8485": "williamsburg", "8486": "hampshire", "8487": "hahaaha", "8488": "varies", "8489": "twitcam", "8490": "thugga", "8491": "ibadan", "8492": "profile", "8493": "highs", "8494": "hight", "8495": "pastels", "8496": "dominick", "8497": "communicator", "8498": "prostate", "8499": "bernier", "8500": "aniston", "8501": "chasing", "8502": "friendlier", "8503": "dolled", "8504": "thesnp", "8505": "945", "8506": "platypus", "8507": "guatemala", "8508": "trembling", "8509": "sowwie", "8510": "friendzoned", "8511": "fac", "8512": "furious", "8513": "solos", "8514": "subsequently", "8515": "suju", "8516": "marshalls", "8517": "mustache", "8518": "shola", "8519": "likkle", "8520": "mandi", "8521": "cought", "8522": "larson", "8523": "wolfie", "8524": "wedding", "8525": "disarm", "8526": "whimpered", "8527": "poetry", "8528": "symbols", "8529": "engraved", "8530": "frying", "8531": "grayson", "8532": "shonda", "8533": "shhhhhhhh", "8534": "horny", "8535": "galaxy", "8536": "iguana", "8537": "tsn", "8538": "tso", "8539": "tsm", "8540": "tsk", "8541": "riseup", "8542": "wtffff", "8543": "eue", "8544": "undressed", "8545": "accredited", "8546": "tsa", "8547": "blatant", "8548": "pugh", "8549": "wondercon", "8550": "euw", "8551": "tsu", "8552": "tss", "8553": "weber", "8554": "eur", "8555": "🍆", "8556": "gudd", "8557": "angers", "8558": "argent", "8559": "topps", "8560": "macau", "8561": "letterbox", "8562": "preschool", "8563": "applicants", "8564": "straddling", "8565": "shiet", "8566": "10pm", "8567": "blindfolded", "8568": "argyle", "8569": "hisself", "8570": "cider", "8571": "nobodies", "8572": "spokesperson", "8573": "backboard", "8574": "feldman", "8575": "whtever", "8576": "spanglish", "8577": "flair", "8578": "dixie", "8579": "cmpunk", "8580": "poppins", "8581": "snodgrass", "8582": "pantry", "8583": "drumroll", "8584": "entree", "8585": "dixit", "8586": "flax", "8587": "sexual", "8588": "゜", "8589": "popping", "8590": "sorey", "8591": "barley", "8592": "flushing", "8593": "goliath", "8594": "customary", "8595": "qur", "8596": "bwt", "8597": "approached", "8598": "bww", "8599": "grunting", "8600": "contrarian", "8601": "fanmail", "8602": "mmmhmmm", "8603": "fourteen", "8604": "clarify", "8605": "approaches", "8606": "meech", "8607": "que", "8608": "auditioned", "8609": "shreveport", "8610": "qui", "8611": "hep", "8612": "supose", "8613": "quo", "8614": "600th", "8615": "yara", "8616": "backwards", "8617": "allies", "8618": "yare", "8619": "mortar", "8620": "hinting", "8621": "skateboard", "8622": "yarn", "8623": "marcelo", "8624": "affiliates", "8625": "flippin", "8626": "daaamn", "8627": "mortal", "8628": "workbook", "8629": "kildare", "8630": "leadoff", "8631": "yeayyy", "8632": "justine", "8633": "sach", "8634": "sack", "8635": "whooo", "8636": "whoop", "8637": "brandons", "8638": "whoot", "8639": "lagging", "8640": "reached", "8641": "justins", "8642": "highkey", "8643": "bologna", "8644": "fahrenheit", "8645": "motherboard", "8646": "vagina", "8647": "intermediate", "8648": "biochem", "8649": "pakistani", "8650": "scans", "8651": "flume", "8652": "kempton", "8653": "bulldog", "8654": "explanation", "8655": "acquire", "8656": "lamont", "8657": "motionless", "8658": "1960s", "8659": "skyrim", "8660": "foams", "8661": "knowles", "8662": "wishlist", "8663": "coughed", "8664": "detection", "8665": "babys", "8666": "witcha", "8667": "morph", "8668": "babyy", "8669": "wasup", "8670": "swedes", "8671": "remainers", "8672": "sweden", "8673": "babyg", "8674": "flakey", "8675": "impala", "8676": "gamzee", "8677": "havr", "8678": "sf9", "8679": "beheadings", "8680": "sexting", "8681": "fukn", "8682": "btcc", "8683": "hava", "8684": "fukk", "8685": "uganda", "8686": "throat", "8687": "fukd", "8688": "havn", "8689": "octavia", "8690": "incentive", "8691": "montgomery", "8692": "concerns", "8693": "ramping", "8694": "catholicism", "8695": "rove", "8696": "jawns", "8697": "alton", "8698": "sfv", "8699": "byebye", "8700": "mimics", "8701": "sfo", "8702": "sfm", "8703": "prisoner", "8704": "payment", "8705": "sfa", "8706": "yeeeessss", "8707": "iwobi", "8708": "beets", "8709": "clive", "8710": "disease", "8711": "mainstage", "8712": "saric", "8713": "fansites", "8714": "occasion", "8715": "headshot", "8716": "cartels", "8717": "recess", "8718": "fascists", "8719": "dellavedova", "8720": "settee", "8721": "remus", "8722": "hamlet", "8723": "rotating", "8724": "tearful", "8725": "traitor", "8726": "thicker", "8727": "setter", "8728": "sparky", "8729": "communism", "8730": "unblocking", "8731": "knowledge", "8732": "tengs", "8733": "sparks", "8734": "temp", "8735": "scorpion", "8736": "poping", "8737": "betsy", "8738": "scorpios", "8739": "emitting", "8740": "communist", "8741": "amplify", "8742": "discovers", "8743": "regularly", "8744": "swoll", "8745": "lucozade", "8746": "vaults", "8747": "delirious", "8748": "nopee", "8749": "kwanza", "8750": "2morro", "8751": "lele", "8752": "gundogan", "8753": "pave", "8754": "dumbing", "8755": "kenji", "8756": "raga", "8757": "perfection", "8758": "aegyo", "8759": "westchester", "8760": "aken", "8761": "nopes", "8762": "unfriending", "8763": "cishet", "8764": "gorsuch", "8765": "monopoly", "8766": "fixes", "8767": "subways", "8768": "teams", "8769": "blogspot", "8770": "mercedes", "8771": "tlist", "8772": "fixed", "8773": "kageyama", "8774": "turkeys", "8775": "orrrrrr", "8776": "timezones", "8777": "showdown", "8778": "taiwanese", "8779": "herding", "8780": "intensity", "8781": "hipster", "8782": "hoco", "8783": "racket", "8784": "maynard", "8785": "artest", "8786": "reform", "8787": "blatt", "8788": "brunt", "8789": "newb", "8790": "ㅋㅋㅋㅋㅋ", "8791": "difficulties", "8792": "bruno", "8793": "whaaaaaaaaaat", "8794": "boundary", "8795": "homeeee", "8796": "brung", "8797": "madelyn", "8798": "subversive", "8799": "thansk", "8800": "cauliflower", "8801": "sorrow", "8802": "monarchy", "8803": "antics", "8804": "potluck", "8805": "armenia", "8806": "asst", "8807": "varus", "8808": "tweetup", "8809": "wiggo", "8810": "empathy", "8811": "alaric", "8812": "revoked", "8813": "definitley", "8814": "joke", "8815": "equal", "8816": "wigga", "8817": "pulp", "8818": "kosher", "8819": "dobt", "8820": "rust", "8821": "wiggy", "8822": "placebo", "8823": "broom", "8824": "yaself", "8825": "🦃", "8826": "statues", "8827": "youuuuuuuu", "8828": "ambushed", "8829": "denim", "8830": "reborn", "8831": "telepathic", "8832": "denis", "8833": "deflected", "8834": "fukushima", "8835": "manhood", "8836": "rumi", "8837": "iget", "8838": "fright", "8839": "swimmer", "8840": "49er", "8841": "mouthpiece", "8842": "staffordshire", "8843": "seasoned", "8844": "drowsy", "8845": "daichi", "8846": "rump", "8847": "anomaly", "8848": "citadel", "8849": "antlers", "8850": "tvcrimedrama", "8851": "ಠ益ಠლ", "8852": "transfusion", "8853": "caddy", "8854": "fuckwits", "8855": "ingenious", "8856": "tense", "8857": "mundo", "8858": "calmly", "8859": "exfoliate", "8860": "assessments", "8861": "batmanvsuperman", "8862": "lebanese", "8863": "welcoming", "8864": "everrrrr", "8865": "caving", "8866": "🍴", "8867": "hubs", "8868": "venomous", "8869": "frustrating", "8870": "dykes", "8871": "cuzin", "8872": "fumbling", "8873": "squid", "8874": "fiddy", "8875": "readin", "8876": "weighed", "8877": "arrangements", "8878": "closets", "8879": "jav", "8880": "danggggg", "8881": "partner", "8882": "pkg", "8883": "whirl", "8884": "grinder", "8885": "fabs", "8886": "bbcradio4", "8887": "diets", "8888": "crean", "8889": "kendricks", "8890": "mcdermott", "8891": "grinded", "8892": "tumbler", "8893": "tumbles", "8894": "uklabour", "8895": "fabi", "8896": "powell", "8897": "sauna", "8898": "discredited", "8899": "sisters", "8900": "moniker", "8901": "econs", "8902": "commenters", "8903": "recourse", "8904": "nevertheless", "8905": "builder", "8906": "lobs", "8907": "abreu", "8908": "disoriented", "8909": "exceedingly", "8910": "gooodnight", "8911": "comparisons", "8912": "raving", "8913": "posses", "8914": "stores", "8915": "stooge", "8916": "nicknames", "8917": "bloomfield", "8918": "storey", "8919": "nicknamed", "8920": "shaddap", "8921": "interim", "8922": "xiuhan", "8923": "mcdavid", "8924": "seductively", "8925": "🐜", "8926": "wether", "8927": "flashlight", "8928": "hazing", "8929": "gmo", "8930": "gmc", "8931": "gmb", "8932": "gma", "8933": "onward", "8934": "demographic", "8935": "uncouth", "8936": "recommending", "8937": "288", "8938": "unparalleled", "8939": "aruba", "8940": "gms", "8941": "280", "8942": "bishops", "8943": "285", "8944": "smart", "8945": "gmt", "8946": "resolved", "8947": "joeys", "8948": "interupted", "8949": "woooop", "8950": "doyle", "8951": "swanson", "8952": "orrrrr", "8953": "chics", "8954": "dubai", "8955": "like", "8956": "excluding", "8957": "vibrant", "8958": "admitted", "8959": "dickheads", "8960": "armani", "8961": "chica", "8962": "officialjvenom", "8963": "fundraisers", "8964": "chick", "8965": "chico", "8966": "classical", "8967": "haih", "8968": "haii", "8969": "hain", "8970": "xdddd", "8971": "hail", "8972": "haim", "8973": "hair", "8974": "hais", "8975": "recommendation", "8976": "haiz", "8977": "vimto", "8978": "scurries", "8979": "happens", "8980": "mitigate", "8981": "woul", "8982": "hurricane", "8983": "babymama", "8984": "lesean", "8985": "discretion", "8986": "happend", "8987": "screwed", "8988": "snuggle", "8989": "ithaca", "8990": "poptarts", "8991": "brims", "8992": "grrrrrr", "8993": "7up", "8994": "pollute", "8995": "dci", "8996": "dca", "8997": "lieutenant", "8998": "uptight", "8999": "recieving", "9000": "marketable", "9001": "dcu", "9002": "consumerism", "9003": "justin", "9004": "pinged", "9005": "purist", "9006": "waifu", "9007": "introduces", "9008": "tomi", "9009": "tomm", "9010": "tomo", "9011": "toma", "9012": "tomb", "9013": "introduced", "9014": "tome", "9015": "baxter", "9016": "afterall", "9017": "fineeee", "9018": "snitch", "9019": "socks", "9020": "damnnn", "9021": "female", "9022": "ejami", "9023": "endorphins", "9024": "bowlers", "9025": "mery", "9026": "knuckles", "9027": "waco", "9028": "rushed", "9029": "scalpers", "9030": "laterrr", "9031": "rushes", "9032": "rusher", "9033": "eren", "9034": "popplio", "9035": "glimmer", "9036": "touted", "9037": "laredo", "9038": "rodger", "9039": "coke", "9040": "sequel", "9041": "insured", "9042": "kraft", "9043": "versatile", "9044": "naeun", "9045": "breakoutartist", "9046": "747", "9047": "farrah", "9048": "hln", "9049": "peeta", "9050": "flip", "9051": "mizz", "9052": "gassin", "9053": "sportsnet", "9054": "dainty", "9055": "thorn", "9056": "inspite", "9057": "replying", "9058": "tbvh", "9059": "whisper", "9060": "domino", "9061": "circus", "9062": "daysss", "9063": "marmol", "9064": "periods", "9065": "dawson", "9066": "identities", "9067": "anchors", "9068": "morton", "9069": "fanclub", "9070": "corporation", "9071": "detail", "9072": "ingles", "9073": "sandy", "9074": "ducked", "9075": "mockingjay", "9076": "dresses", "9077": "dresser", "9078": "convicts", "9079": "njpw", "9080": "infra", "9081": "awwwwwww", "9082": "glens", "9083": "cheque", "9084": "ubi", "9085": "stirred", "9086": "ramble", "9087": "kardashian", "9088": "kajja", "9089": "📲", "9090": "condiments", "9091": "westfield", "9092": "◼", "9093": "trenton", "9094": "nws", "9095": "vermin", "9096": "dynasty", "9097": "nwa", "9098": "senna", "9099": "appetite", "9100": "nwo", "9101": "undisputed", "9102": "happybirthday", "9103": "junkrat", "9104": "sanford", "9105": "allll", "9106": "geraldo", "9107": "xxo", "9108": "30min", "9109": "ttyl", "9110": "midseason", "9111": "dallon", "9112": "345", "9113": "347", "9114": "340", "9115": "whatsoever", "9116": "intros", "9117": "scg", "9118": "playground", "9119": "@", "9120": "mns", "9121": "dispense", "9122": "klance", "9123": "gratification", "9124": "thriving", "9125": "dwts", "9126": "vastly", "9127": "anemic", "9128": "school", "9129": "bestfriend", "9130": "mert", "9131": "loneliness", "9132": "gyal", "9133": "z10", "9134": "debris", "9135": "bettertogether", "9136": "barracks", "9137": "harriet", "9138": "glued", "9139": "proteas", "9140": "ecg", "9141": "walsall", "9142": "guidelines", "9143": "feathers", "9144": "direct", "9145": "nair", "9146": "nail", "9147": "disciplined", "9148": "goodjob", "9149": "naik", "9150": "ecb", "9151": "blue", "9152": "blud", "9153": "🐣", "9154": "hide", "9155": "kuz", "9156": "ruben", "9157": "kaduna", "9158": "selected", "9159": "revolves", "9160": "revolver", "9161": "liberty", "9162": "fatness", "9163": "kun", "9164": "kum", "9165": "kul", "9166": "scs", "9167": "blur", "9168": "supplier", "9169": "supplies", "9170": "rubes", "9171": "stooges", "9172": "mightve", "9173": "philippe", "9174": "woozy", "9175": "licences", "9176": "becs", "9177": "tamar", "9178": "🍍", "9179": "beck", "9180": "pratt", "9181": "gdnight", "9182": "woozi", "9183": "chewbacca", "9184": "beca", "9185": "crossbow", "9186": "mozzarella", "9187": "tx", "9188": "luggage", "9189": "stevie", "9190": "leaves", "9191": "settles", "9192": "museums", "9193": "ancestry", "9194": "nigglet", "9195": "settled", "9196": "lallana", "9197": "exeter", "9198": "adulting", "9199": "prints", "9200": "aprilfools", "9201": "grumbled", "9202": "godmother", "9203": "advisor", "9204": "meath", "9205": "muslimban", "9206": "offa", "9207": "🤐", "9208": "sloane", "9209": "meats", "9210": "offf", "9211": "cuteeeeee", "9212": "padawan", "9213": "pantyhose", "9214": "grumbles", "9215": "khuzaimahfranzi", "9216": "would", "9217": "spiky", "9218": "tl", "9219": "tenders", "9220": "distributing", "9221": "planking", "9222": "spike", "9223": "chewing", "9224": "yuhh", "9225": "turin", "9226": "une", "9227": "coffins", "9228": "saber", "9229": "sabes", "9230": "bullshitting", "9231": "befriended", "9232": "excellent", "9233": "vpn", "9234": "looooooooooool", "9235": "abundance", "9236": "homepage", "9237": "advocacy", "9238": "realtime", "9239": "tamils", "9240": "fakin", "9241": "bbc1", "9242": "bbc3", "9243": "bbc2", "9244": "salvage", "9245": "grenade", "9246": "estate", "9247": "diminished", "9248": "bomberman", "9249": "dolphin", "9250": "paparazzi", "9251": "mermaids", "9252": "farmville", "9253": "overheard", "9254": "attract", "9255": "pple", "9256": "ceremony", "9257": "legislate", "9258": "lassies", "9259": "enquiry", "9260": "finalist", "9261": "drummer", "9262": "enquire", "9263": "toxic", "9264": "actuality", "9265": "finalise", "9266": "dialect", "9267": "elizabeth", "9268": "horoscope", "9269": "stabby", "9270": "insecure", "9271": "imaginable", "9272": "lump", "9273": "befor", "9274": "headley", "9275": "pjs", "9276": "tidying", "9277": "welcomeeee", "9278": "salsa", "9279": "baton", "9280": "parallel", "9281": "amin", "9282": "ginormous", "9283": "splendid", "9284": "amie", "9285": "amid", "9286": "bacca", "9287": "pullout", "9288": "berbatov", "9289": "returner", "9290": "funniest", "9291": "plumbing", "9292": "amit", "9293": "reforming", "9294": "amir", "9295": "selfridges", "9296": "chazz", "9297": "", "9298": "babess", "9299": "orang", "9300": "babyshower", "9301": "yona", "9302": "mozgov", "9303": "crumbs", "9304": "presley", "9305": "ima", "9306": "beside", "9307": "ime", "9308": "unzipped", "9309": "img", "9310": "imf", "9311": "baile", "9312": "howdy", "9313": "imm", "9314": "imo", "9315": "bigman", "9316": "407", "9317": "tramp", "9318": "405", "9319": "404", "9320": "imu", "9321": "402", "9322": "401", "9323": "400", "9324": "imy", "9325": "expats", "9326": "hunnies", "9327": "bails", "9328": "^", "9329": "alreadyyyy", "9330": "wegmans", "9331": "iowa", "9332": "diseases", "9333": "prevented", "9334": "diseased", "9335": "ciders", "9336": "unionist", "9337": "hooking", "9338": "subban", "9339": "rental", "9340": "gluttony", "9341": "alex", "9342": "pbs", "9343": "swaying", "9344": "40m", "9345": "t9", "9346": "40k", "9347": "detroit", "9348": "ales", "9349": "herald", "9350": "osweiler", "9351": "congo", "9352": "40s", "9353": "oahu", "9354": "t4", "9355": "alec", "9356": "consolidate", "9357": "liike", "9358": "dissecting", "9359": "wentz", "9360": "septa", "9361": "leftist", "9362": "dodged", "9363": "dudette", "9364": "juggling", "9365": "walken", "9366": "sharknado", "9367": "wordddd", "9368": "saturday", "9369": "revisions", "9370": "pounce", "9371": "lair", "9372": "boozer", "9373": "day6", "9374": "ゝ", "9375": "psychic", "9376": "decoy", "9377": "sighing", "9378": "day1", "9379": "laid", "9380": "2be", "9381": "nite", "9382": "lain", "9383": "newly", "9384": "blogged", "9385": "independence", "9386": "harry_styles", "9387": "aahhhh", "9388": "associate", "9389": "megynkelly", "9390": "toppers", "9391": "trumpcare", "9392": "aspas", "9393": "boosting", "9394": "peaky", "9395": "maybelline", "9396": "pbo", "9397": "dayz", "9398": "sods", "9399": "dayy", "9400": "longterm", "9401": "days", "9402": "terraria", "9403": "tolerant", "9404": "filter", "9405": "heck", "9406": "smokers", "9407": "soda", "9408": "unappreciative", "9409": "daya", "9410": "pleaase", "9411": "angelou", "9412": "artistry", "9413": "researcher", "9414": "nhl", "9415": "bbcan3", "9416": "nhi", "9417": "encouraging", "9418": "marisol", "9419": "lovable", "9420": "fantasy", "9421": "relations", "9422": "nhs", "9423": "insulation", "9424": "maidana", "9425": "researched", "9426": "primark", "9427": "sharingan", "9428": "houseguests", "9429": "merrier", "9430": "sarcasm", "9431": "bitcoin", "9432": "heights", "9433": "kanto", "9434": "confirming", "9435": "hustlin", "9436": "gowns", "9437": "kante", "9438": "🐺", "9439": "carrey", "9440": "illiterate", "9441": "estrada", "9442": "touristy", "9443": "leaking", "9444": "jayce", "9445": "kindest", "9446": "alondra", "9447": "postcards", "9448": "192", "9449": "unsaid", "9450": "lather", "9451": "begone", "9452": "kidnaps", "9453": "frankly", "9454": "nigella", "9455": "immigrants", "9456": "6gb", "9457": "tourists", "9458": "blankie", "9459": "bridge", "9460": "thestruggleisreal", "9461": "handkerchief", "9462": "screwy", "9463": "lunchtime", "9464": "healer", "9465": "screws", "9466": "ohhhh", "9467": "seminar", "9468": "configure", "9469": "maxx", "9470": "traditionally", "9471": "🤧", "9472": "thoroughly", "9473": "ouat", "9474": "thorough", "9475": "brandon", "9476": "maxi", "9477": "derek", "9478": "rodents", "9479": "hatch", "9480": "yucky", "9481": "yandy", "9482": "shizz", "9483": "inigo", "9484": "shizu", "9485": "nugga", "9486": "dmed", "9487": "butttt", "9488": "wayment", "9489": "promotions", "9490": "accreditation", "9491": "statistic", "9492": "platformer", "9493": "rancid", "9494": "lyle", "9495": "fda", "9496": "lyla", "9497": "kimmie", "9498": "gratefully", "9499": "screensaver", "9500": "newsfeed", "9501": "entertaining", "9502": "goalkeepers", "9503": "loooooool", "9504": "agnes", "9505": "abouts", "9506": "kpop", "9507": "bait", "9508": "overpriced", "9509": "aboutt", "9510": "alight", "9511": "aliya", "9512": "dupe", "9513": "colors", "9514": "musicals", "9515": "pkk", "9516": "peddle", "9517": "baik", "9518": "bail", "9519": "bain", "9520": "departed", "9521": "sumthin", "9522": "crossfit", "9523": "spite", "9524": "shetland", "9525": "situations", "9526": "hoose", "9527": "minnesota", "9528": "misspelt", "9529": "spits", "9530": "540", "9531": "knuckle", "9532": "forecasts", "9533": "545", "9534": "plugins", "9535": "borrowed", "9536": "devante", "9537": "mending", "9538": "bruhs", "9539": "undresses", "9540": "beh", "9541": "bei", "9542": "despite", "9543": "applejack", "9544": "knocks", "9545": "haiti", "9546": "considerate", "9547": "gendo", "9548": "beads", "9549": "goodbyes", "9550": "anxiously", "9551": "�", "9552": "thumbs", "9553": "blackwell", "9554": "robbo", "9555": "reimer", "9556": "penance", "9557": "hagan", "9558": "keypad", "9559": "chilllllll", "9560": "sharpens", "9561": "arsed", "9562": "sof", "9563": "🏂", "9564": "robby", "9565": "disturbing", "9566": "vewy", "9567": "bloo", "9568": "mut", "9569": "whatup", "9570": "mus", "9571": "sumtimes", "9572": "feline", "9573": "muy", "9574": "cai", "9575": "rewinding", "9576": "continually", "9577": "grandmother", "9578": "mud", "9579": "mug", "9580": "mua", "9581": "finger", "9582": "muc", "9583": "hopefully", "9584": "mum", "9585": "mun", "9586": "muh", "9587": "muk", "9588": "discovery", "9589": "reiterate", "9590": "rims", "9591": "lupe", "9592": "however", "9593": "ber", "9594": "spurt", "9595": "news", "9596": "cashiers", "9597": "newt", "9598": "elo", "9599": "fault", "9600": "vibration", "9601": "blimp", "9602": "distinguished", "9603": "niggers", "9604": "mildly", "9605": "bbcradio2", "9606": "expense", "9607": "sabc", "9608": "standings", "9609": "rounders", "9610": "ynwa", "9611": "hast", "9612": "haynes", "9613": "starling", "9614": "corniest", "9615": "subscribing", "9616": "8tracks", "9617": "thwarted", "9618": "conference", "9619": "seein", "9620": "curries", "9621": "fiorentina", "9622": "beneficiary", "9623": "neet", "9624": "ak47", "9625": "elmer", "9626": "awesum", "9627": "teenager", "9628": "refuted", "9629": "kellen", "9630": "loft", "9631": "pecked", "9632": "xxx", "9633": "vulcan", "9634": "trini", "9635": "pecker", "9636": "lofl", "9637": "gallifrey", "9638": "xxl", "9639": "combos", "9640": "🍤", "9641": "censors", "9642": "fridayyy", "9643": "tabi", "9644": "n", "9645": "drippin", "9646": "rutgers", "9647": "dashboard", "9648": "weezer", "9649": "anya", "9650": "natives", "9651": "veronica", "9652": "dumplings", "9653": "broth", "9654": "neek", "9655": "accessories", "9656": "soju", "9657": "brotp", "9658": "divorces", "9659": "manitoba", "9660": "’", "9661": "pathology", "9662": "cooool", "9663": "nika", "9664": "galchenyuk", "9665": "nike", "9666": "chilis", "9667": "yeaaaaaa", "9668": "niki", "9669": "oookay", "9670": "niko", "9671": "killjoy", "9672": "forehead", "9673": "enlightenment", "9674": "periodic", "9675": "fdb", "9676": "selenator", "9677": "shawty", "9678": "coukd", "9679": "thibs", "9680": "commonsense", "9681": "peaks", "9682": "screw", "9683": "coachella", "9684": "greeted", "9685": "groundbreaking", "9686": "thibk", "9687": "goofed", "9688": "darned", "9689": "shortly", "9690": "chechnya", "9691": "dade", "9692": "possessed", "9693": "dada", "9694": "vacuumed", "9695": "ocean", "9696": "impediment", "9697": "multistage", "9698": "jeal", "9699": "jean", "9700": "possesses", "9701": "dads", "9702": "snowman", "9703": "leagues", "9704": "rubies", "9705": "assembling", "9706": "bt_uk", "9707": "graded", "9708": "proposed", "9709": "unemployment", "9710": "physique", "9711": "bruise", "9712": "🐌", "9713": "rodent", "9714": "proposes", "9715": "grades", "9716": "grader", "9717": "popartist", "9718": "depart", "9719": "enlighten", "9720": "expos", "9721": "wahey", "9722": "cherry", "9723": "patching", "9724": "", "9725": "pleaaase", "9726": "vetting", "9727": "jazzed", "9728": "strats", "9729": "gave", "9730": "yoko", "9731": "skeptics", "9732": "metaphorical", "9733": "breaks", "9734": "jontron", "9735": "descending", "9736": "siced", "9737": "imbeciles", "9738": "cruiserweight", "9739": "59", "9740": "burns", "9741": "burnt", "9742": "rumor", "9743": "broadcasted", "9744": "melting", "9745": "foots", "9746": "brutality", "9747": "mansions", "9748": "midge", "9749": "footy", "9750": "contradict", "9751": "orlando", "9752": "celibacy", "9753": "any1", "9754": "renamed", "9755": "peeves", "9756": "broadcaster", "9757": "avatar", "9758": "jasam", "9759": "matchup", "9760": "ennis", "9761": "hunchback", "9762": "soree", "9763": "56", "9764": "finny", "9765": "dishonest", "9766": "groupies", "9767": "excerpt", "9768": "acai", "9769": "zoom", "9770": "sponge", "9771": "usher", "9772": "election", "9773": "contests", "9774": "finna", "9775": "bandwagoner", "9776": "spazzed", "9777": "legitly", "9778": "rhino", "9779": "utsa", "9780": "loins", "9781": "allocate", "9782": "offices", "9783": "officer", "9784": "hsc", "9785": "khaki", "9786": "hse", "9787": "deleted", "9788": "brawl", "9789": "hampstead", "9790": "hsm", "9791": "jughead", "9792": "newcomer", "9793": "menopause", "9794": "shuck", "9795": "deletes", "9796": "ennit", "9797": "awn", "9798": "attacks", "9799": "mmmmmmmmm", "9800": "choke", "9801": "dinner", "9802": "ensure", "9803": "connected", "9804": "ospreys", "9805": "femaleartist", "9806": "nipclub", "9807": "badgers", "9808": "duke", "9809": "bate", "9810": "aha", "9811": "ppg", "9812": "batb", "9813": "ferg", "9814": "ahe", "9815": "ahh", "9816": "ahn", "9817": "obscene", "9818": "hopeful", "9819": "pps", "9820": "ppr", "9821": "abed", "9822": "ppp", "9823": "bats", "9824": "ppv", "9825": "aht", "9826": "ppt", "9827": "abel", "9828": "anorexic", "9829": "envision", "9830": "infidelity", "9831": "matip", "9832": "mcdouble", "9833": "akshay", "9834": "buttface", "9835": "nawwww", "9836": "sunlight", "9837": "dreamin", "9838": "stuck", "9839": "photocards", "9840": "towing", "9841": "hahhahahaha", "9842": "vods", "9843": "moro", "9844": "amateur", "9845": "spx", "9846": "6", "9847": "plumber", "9848": "scouse", "9849": "˙", "9850": "finns", "9851": "hs2", "9852": "flavour", "9853": "eject", "9854": "mannequins", "9855": "atty", "9856": "jtimberlake", "9857": "camaro", "9858": "unboxing", "9859": "atta", "9860": "nerdy", "9861": "trumpkins", "9862": "attn", "9863": "zodiac", "9864": "lsat", "9865": "nerds", "9866": "panicky", "9867": "darks", "9868": "suspicions", "9869": "swatted", "9870": "levitt", "9871": "sometime", "9872": "cobbler", "9873": "darko", "9874": "timeee", "9875": "perez", "9876": "marys", "9877": "liberalism", "9878": "regime", "9879": "whea", "9880": "pledging", "9881": "eerie", "9882": "tester", "9883": "when", "9884": "wher", "9885": "beheading", "9886": "setting", "9887": "tutorial", "9888": "whet", "9889": "papers", "9890": "implant", "9891": "whey", "9892": "squeals", "9893": "picture", "9894": "grasps", "9895": "tasteful", "9896": "football", "9897": "flushes", "9898": "maureen", "9899": "commiting", "9900": "flushed", "9901": "spy", "9902": "pedophilia", "9903": "📢", "9904": "faster", "9905": "moustaches", "9906": "1800", "9907": "australians", "9908": "verve", "9909": "vigorously", "9910": "lameness", "9911": "localization", "9912": "uncovered", "9913": "vietnam", "9914": "whoooo", "9915": "fasten", "9916": "roh", "9917": "roi", "9918": "winnings", "9919": "rom", "9920": "ron", "9921": "roo", "9922": "rob", "9923": "roc", "9924": "rod", "9925": "roe", "9926": "deliveries", "9927": "rog", "9928": "rox", "9929": "roy", "9930": "roz", "9931": "kiddin", "9932": "marion", "9933": "😔", "9934": "candycrush", "9935": "ros", "9936": "rot", "9937": "row", "9938": "c4news", "9939": "inverse", "9940": "clarification", "9941": "reprehensible", "9942": "bile", "9943": "passage", "9944": "safaricom", "9945": "matchbox", "9946": "knackered", "9947": "bests", "9948": "gumball", "9949": "bestt", "9950": "byke", "9951": "frequencies", "9952": "trident", "9953": "frapp", "9954": "sponsors", "9955": "unfamiliar", "9956": "12m", "9957": "3333", "9958": "wallets", "9959": "congregation", "9960": "unders", "9961": "tanks", "9962": "cyan", "9963": "emphasized", "9964": "heston", "9965": "ahhhhhhhhhhh", "9966": "gatta", "9967": "annihilated", "9968": "looney", "9969": "impressive", "9970": "level", "9971": "👨", "9972": "posts", "9973": "cloudy", "9974": "standards", "9975": "damien", "9976": "domestically", "9977": "pakis", "9978": "lever", "9979": "warburton", "9980": "seraph", "9981": "pork", "9982": "lurv", "9983": "porn", "9984": "irritates", "9985": "roadshow", "9986": "pore", "9987": "thickest", "9988": "widened", "9989": "colin", "9990": "🎒", "9991": "wuttt", "9992": "trent", "9993": "yippee", "9994": "toughen", "9995": "bales", "9996": "port", "9997": "irritated", "9998": "beautifuls", "9999": "maaaaan", "10000": "kehlani", "10001": "goes", "10002": "goer", "10003": "corby", "10004": "beautifull", "10005": "scripted", "10006": "kama", "10007": "kame", "10008": "pornstars", "10009": "slaying", "10010": "entertain", "10011": "witch", "10012": "requestabet", "10013": "lawnmower", "10014": "grope", "10015": "bcafc", "10016": "horford", "10017": "oodles", "10018": "boast", "10019": "🇦", "10020": "rethink", "10021": "eberle", "10022": "exams", "10023": "idolized", "10024": "janice", "10025": "shootings", "10026": "gamepad", "10027": "problematic", "10028": "technologies", "10029": "coladas", "10030": "wreak", "10031": "bribery", "10032": "durham", "10033": "touchdown", "10034": "prompt", "10035": "crisis", "10036": "prem", "10037": "bulbs", "10038": "ando", "10039": "andi", "10040": "nikes", "10041": "pree", "10042": "andd", "10043": "preg", "10044": "pref", "10045": "anda", "10046": "athens", "10047": "chimps", "10048": "redownload", "10049": "abbas", "10050": "andy", "10051": "prez", "10052": "pret", "10053": "prev", "10054": "prep", "10055": "today", "10056": "athena", "10057": "plug", "10058": "gryffindor", "10059": "teased", "10060": "casey", "10061": "teaser", "10062": "teases", "10063": "ceviche", "10064": "cases", "10065": "matic", "10066": "edible", "10067": "biden", "10068": "roscoe", "10069": "confucius", "10070": "depressants", "10071": "fiercely", "10072": "bihhhh", "10073": "meatball", "10074": "pickle", "10075": "lighthearted", "10076": "boris", "10077": "nursing", "10078": "figure", "10079": "bhoys", "10080": "spanner", "10081": "righteousness", "10082": "plying", "10083": "schoolgirl", "10084": "critic", "10085": "partay", "10086": "palpitations", "10087": "cornflakes", "10088": "kellys", "10089": "bigot", "10090": "reece", "10091": "sidney", "10092": "suspending", "10093": "mismanagement", "10094": "crimbo", "10095": "vital", "10096": "naivety", "10097": "fourth", "10098": "vodafone", "10099": "plur", "10100": "zootopia", "10101": "digesting", "10102": "insecurities", "10103": "eighty", "10104": "islamic", "10105": "jaguars", "10106": "4500", "10107": "apprenticeship", "10108": "wagging", "10109": "ombudsman", "10110": "tories", "10111": "rollie", "10112": "succeeded", "10113": "mgr", "10114": "freakout", "10115": "rollin", "10116": "inform", "10117": "reaper", "10118": "representation", "10119": "joins", "10120": "127", "10121": "iginla", "10122": "ferb", "10123": "129", "10124": "dials", "10125": "paracetamol", "10126": "imperfection", "10127": "abes", "10128": "dreading", "10129": "toothpicks", "10130": "tele", "10131": "dodgy", "10132": "leggo", "10133": "emmet", "10134": "hanky", "10135": "platform", "10136": "dilly", "10137": "farmer", "10138": "hanks", "10139": "heffa", "10140": "loophole", "10141": "leggy", "10142": "qualifies", "10143": "qualifier", "10144": "weathers", "10145": "و", "10146": "shr", "10147": "lukes", "10148": "boiiii", "10149": "ahl", "10150": "dps", "10151": "bath", "10152": "shu", "10153": "gushing", "10154": "cuzo", "10155": "holographic", "10156": "goldeneye", "10157": "stabilize", "10158": "abeg", "10159": "usss", "10160": "debating", "10161": "aleks", "10162": "ussr", "10163": "cuzz", "10164": "blurryface", "10165": "donated", "10166": "eighties", "10167": "🇽", "10168": "ahw", "10169": "oviedo", "10170": "busty", "10171": "dishing", "10172": "lanadelrey", "10173": "busts", "10174": "torch", "10175": "stfuuuu", "10176": "shiiiiiiit", "10177": "whiplash", "10178": "catching", "10179": "farewell", "10180": "busta", "10181": "homeruns", "10182": "putrid", "10183": "concur", "10184": "intercourse", "10185": "tensions", "10186": "skrtel", "10187": "dpd", "10188": "thankssssss", "10189": "sniggers", "10190": "anorexia", "10191": "famu", "10192": "coolers", "10193": "tiesto", "10194": "eagle", "10195": "virtues", "10196": "existed", "10197": "variant", "10198": "dispatched", "10199": "sloshed", "10200": "telepathy", "10201": "mendez", "10202": "xfactor", "10203": "minted", "10204": "oktoberfest", "10205": "flogged", "10206": "yup", "10207": "yus", "10208": "yur", "10209": "yuu", "10210": "pandemic", "10211": "yui", "10212": "yuh", "10213": "yuk", "10214": "yum", "10215": "raleigh", "10216": "yuo", "10217": "yun", "10218": "turf", "10219": "ture", "10220": "turd", "10221": "yue", "10222": "lasalle", "10223": "👿", "10224": "nunez", "10225": "waver", "10226": "giz", "10227": "whut", "10228": "depleted", "10229": "accuses", "10230": "lakhs", "10231": "alllivesmatter", "10232": "yellowstone", "10233": "cheerfully", "10234": "squashed", "10235": "omgee", "10236": "afterthought", "10237": "gif", "10238": "kamehameha", "10239": "aaawwww", "10240": "burying", "10241": "fought", "10242": "arousing", "10243": "masala", "10244": "coulson", "10245": "prissy", "10246": "dredd", "10247": "marchisio", "10248": "hurtful", "10249": "aiite", "10250": "enigma", "10251": "naught", "10252": "chisora", "10253": "gad", "10254": "grunt", "10255": "funday", "10256": "salmonella", "10257": "cardi", "10258": "mabye", "10259": "emotive", "10260": "yayyyy", "10261": "yasss", "10262": "niners", "10263": "fatin", "10264": "ooze", "10265": "purrfect", "10266": "cards", "10267": "havnt", "10268": "timeflies", "10269": "theocracy", "10270": "zaxby", "10271": "seans", "10272": "pucker", "10273": "10minutes", "10274": "suspense", "10275": "tylenol", "10276": "deuces", "10277": "batting", "10278": "superman", "10279": "leasing", "10280": "cont1", "10281": "gustavo", "10282": "rotations", "10283": "exactlyyyyy", "10284": "fuentes", "10285": "eubank", "10286": "jaylin", "10287": "wandered", "10288": "sciences", "10289": "animation", "10290": "epsilon", "10291": "resembling", "10292": "tambourine", "10293": "benin", "10294": "surf", "10295": "therefor", "10296": "sure", "10297": "equestrian", "10298": "spangled", "10299": "donation", "10300": "icon", "10301": "latex", "10302": "rosalie", "10303": "soojung", "10304": "lates", "10305": "later", "10306": "pores", "10307": "boruto", "10308": "dory", "10309": "vixx", "10310": "🍻", "10311": "pipers", "10312": "latee", "10313": "uninterested", "10314": "roshe", "10315": "drastically", "10316": "spaced", "10317": "tron", "10318": "loooooooooooool", "10319": "signe", "10320": "cheat", "10321": "tko", "10322": "cheap", "10323": "yeobo", "10324": "troy", "10325": "spaces", "10326": "tks", "10327": "spacey", "10328": "trop", "10329": "trow", "10330": "trot", "10331": "gulf", "10332": "knicks", "10333": "cammy", "10334": "gull", "10335": "lub", "10336": "gulp", "10337": "moh", "10338": "luc", "10339": "believing", "10340": "madeline", "10341": "nadia", "10342": "cuddie", "10343": "commies", "10344": "larsson", "10345": "dekker", "10346": "jazz", "10347": "whatchuu", "10348": "tramadol", "10349": "lui", "10350": "cylinders", "10351": "distortion", "10352": "flicks", "10353": "homestead", "10354": "beastie", "10355": "luk", "10356": "hellooooo", "10357": "joked", "10358": "lul", "10359": "stacie", "10360": "joker", "10361": "jokes", "10362": "barbaric", "10363": "scots", "10364": "predicted", "10365": "jokey", "10366": "sanzo", "10367": "xxxxxxxxxxx", "10368": "signs", "10369": "1920", "10370": "slashing", "10371": "bluffin", "10372": "arfa", "10373": "braden", "10374": "turbine", "10375": "philbin", "10376": "surfaces", "10377": "voluntary", "10378": "managing", "10379": "lewisham", "10380": "commitments", "10381": "̵", "10382": "surfaced", "10383": "🚼", "10384": "wouldve", "10385": "bummed", "10386": "rumours", "10387": "zippy", "10388": "faget", "10389": "laced", "10390": "guitar", "10391": "himchan", "10392": "harshly", "10393": "6yrs", "10394": "acquiring", "10395": "libya", "10396": "jericho", "10397": "quiet", "10398": "contract", "10399": "quien", "10400": "railway", "10401": "filtering", "10402": "moa", "10403": "", "10404": "alc", "10405": "period", "10406": "insist", "10407": "pathway", "10408": "🔐", "10409": "oxnard", "10410": "walden", "10411": "babbling", "10412": "nicola", "10413": "stroking", "10414": "nicole", "10415": "hams", "10416": "turkey", "10417": "subscribed", "10418": "escalated", "10419": "4sure", "10420": "pilgrims", "10421": "subscriber", "10422": "peruvian", "10423": "tonsils", "10424": "lapdance", "10425": "1982", "10426": "featuring", "10427": "wrs", "10428": "peaking", "10429": "direction", "10430": "bypass", "10431": "andres", "10432": "andrew", "10433": "mancity", "10434": "telkom", "10435": "aqui", "10436": "andrea", "10437": "spirit", "10438": "protocols", "10439": "pilot", "10440": "case", "10441": "casa", "10442": "cupping", "10443": "cash", "10444": "cask", "10445": "loony", "10446": "cast", "10447": "cass", "10448": "kaitlin", "10449": "irrespective", "10450": "abducted", "10451": "wry", "10452": "immaparody", "10453": "focussed", "10454": "dafuq", "10455": "ironic", "10456": "impaled", "10457": "hamm", "10458": "participant", "10459": "sence", "10460": "srilanka", "10461": "granted", "10462": "nighter", "10463": "touhou", "10464": "catfish", "10465": "manila", "10466": "yeahhh", "10467": "badboy", "10468": "theyy", "10469": "silliest", "10470": "status", "10471": "wafer", "10472": "ween", "10473": "tipsy", "10474": "weel", "10475": "kelvin", "10476": "gotch", "10477": "mutha", "10478": "weed", "10479": "director", "10480": "delicate", "10481": "statue", "10482": "weep", "10483": "lcfc", "10484": "relies", "10485": "yhh", "10486": "staking", "10487": "yho", "10488": "ckin", "10489": "bodied", "10490": "rupee", "10491": "whee", "10492": "yhe", "10493": "without", "10494": "relief", "10495": "sadiq", "10496": "deflated", "10497": "inability", "10498": "natsume", "10499": "mashup", "10500": "bodies", "10501": "yhu", "10502": "shambolic", "10503": "4v4", "10504": "ninth", "10505": "cease", "10506": "brugge", "10507": "dominique", "10508": "killzone", "10509": "rewatch", "10510": "strikeout", "10511": "feminist", "10512": "🎩", "10513": "bwahahahaha", "10514": "favouring", "10515": "leto", "10516": "harrow", "10517": "tessanne", "10518": "lets", "10519": "starks", "10520": "humping", "10521": "flashing", "10522": "reformed", "10523": "feminism", "10524": "whew", "10525": "rushmore", "10526": "kirby", "10527": "soundly", "10528": "nowww", "10529": "nappy", "10530": "alv", "10531": "deets", "10532": "acute", "10533": "towel", "10534": "patrice", "10535": "patrick", "10536": "purdue", "10537": "gyms", "10538": "btob", "10539": "bobblehead", "10540": "footballs", "10541": "donations", "10542": "tower", "10543": "🗽", "10544": "sephiroth", "10545": "snatches", "10546": "gusts", "10547": "jewellery", "10548": "simulator", "10549": "curran", "10550": "competition", "10551": "whaaaaat", "10552": "fatwa", "10553": "snatched", "10554": "fammm", "10555": "redeeming", "10556": "lentils", "10557": "developmental", "10558": "aust", "10559": "thotties", "10560": "mood", "10561": "dunbar", "10562": "yousef", "10563": "frees", "10564": "bento", "10565": "mook", "10566": "googled", "10567": "luxembourg", "10568": "moon", "10569": "rooming", "10570": "moos", "10571": "moor", "10572": "buddha", "10573": "moot", "10574": "googles", "10575": "porter", "10576": "freed", "10577": "diced", "10578": "2600", "10579": "txting", "10580": "beached", "10581": "cringing", "10582": "deejay", "10583": "shmurda", "10584": "slaughter", "10585": "pooch", "10586": "resurrection", "10587": "stereotypes", "10588": "beaches", "10589": "dicey", "10590": "fillings", "10591": "gunshots", "10592": "discussed", "10593": "pistachio", "10594": "gattis", "10595": "uhhhhhhh", "10596": "doze", "10597": "yeezy", "10598": "discusses", "10599": "tribe", "10600": "chirstmas", "10601": "tjis", "10602": "2ish", "10603": "curses", "10604": "instruments", "10605": "cursed", "10606": "gfy", "10607": "rising", "10608": "burton", "10609": "hoooo", "10610": "pullman", "10611": "foal", "10612": "eht", "10613": "whales", "10614": "there", "10615": "relocation", "10616": "alleged", "10617": "cultured", "10618": "ehy", "10619": "ehe", "10620": "ehn", "10621": "cultures", "10622": "ehm", "10623": "therr", "10624": "fastball", "10625": "ehh", "10626": "bairstow", "10627": "mischief", "10628": "spose", "10629": "mandzukic", "10630": "tobe", "10631": "costco", "10632": "haitian", "10633": "treyarch", "10634": "fredrick", "10635": "offical", "10636": "wholesale", "10637": "loooooooooooooool", "10638": "sacks", "10639": "grasp", "10640": "flats", "10641": "grass", "10642": "creeping", "10643": "mallory", "10644": "taste", "10645": "feliz", "10646": "felix", "10647": "minneapolis", "10648": "hartlepool", "10649": "tasty", "10650": "tourneys", "10651": "diversity", "10652": "cresswell", "10653": "arashi", "10654": "sarkar", "10655": "overflowing", "10656": "aggies", "10657": "middlesex", "10658": "byeeee", "10659": "🔧", "10660": "piracy", "10661": "deserve", "10662": "rosen", "10663": "penicillin", "10664": "roses", "10665": "fasted", "10666": "pappy", "10667": "pappu", "10668": "immunity", "10669": "paddy", "10670": "mummies", "10671": "pillows", "10672": "spoilers", "10673": "finale", "10674": "contradicted", "10675": "carnegie", "10676": "bullets", "10677": "finaly", "10678": "dasha", "10679": "pollsters", "10680": "finals", "10681": "assassins", "10682": "wiff", "10683": "candlelight", "10684": "wife", "10685": "qantas", "10686": "wifi", "10687": "parsons", "10688": "websites", "10689": "directors", "10690": "treason", "10691": "directory", "10692": "numbing", "10693": "platter", "10694": "fricking", "10695": "crumpled", "10696": "😄", "10697": "cough", "10698": "stooop", "10699": "scrappy", "10700": "wreath", "10701": "fuego", "10702": "nates", "10703": "generalize", "10704": "barons", "10705": "infestation", "10706": "meditation", "10707": "decisions", "10708": "glimpse", "10709": "apartment", "10710": "chattin", "10711": "twitterers", "10712": "shredder", "10713": "atlus", "10714": "mayfair", "10715": "wassup", "10716": "umbridge", "10717": "🔮", "10718": "wassuh", "10719": "dairy", "10720": "piqued", "10721": "morgana", "10722": "lawmakers", "10723": "crest", "10724": "celebs", "10725": "codys", "10726": "egyptian", "10727": "infringement", "10728": "sleeeep", "10729": "kyaaaa", "10730": "quagmire", "10731": "vacationing", "10732": "savagery", "10733": "treating", "10734": "adjective", "10735": "cuase", "10736": "dayyyyy", "10737": "lisp", "10738": "clinched", "10739": "crossovers", "10740": "list", "10741": "lish", "10742": "contexts", "10743": "liars", "10744": "lisa", "10745": "becker", "10746": "flick", "10747": "🎂", "10748": "escalation", "10749": "slore", "10750": "whereee", "10751": "haas", "10752": "whens", "10753": "breakers", "10754": "translating", "10755": "haah", "10756": "invention", "10757": "haan", "10758": "hairspray", "10759": "haaa", "10760": "ror", "10761": "fantasyfootball", "10762": "jeremiah", "10763": "chalk", "10764": "sue", "10765": "sud", "10766": "brien", "10767": "sua", "10768": "sun", "10769": "sum", "10770": "sul", "10771": "rascal", "10772": "brief", "10773": "sui", "10774": "suh", "10775": "suv", "10776": "version", "10777": "sus", "10778": "musta", "10779": "sup", "10780": "mustn", "10781": "suz", "10782": "womb", "10783": "toes", "10784": "christian", "10785": "athiest", "10786": "theresa", "10787": "♏", "10788": "mayoral", "10789": "themself", "10790": "compressed", "10791": "egging", "10792": "equations", "10793": "tragedy", "10794": "jurong", "10795": "naval", "10796": "mindsets", "10797": "milkshake", "10798": "horrified", "10799": "╹", "10800": "navas", "10801": "exited", "10802": "fancafe", "10803": "guacamole", "10804": "jaylen", "10805": "binders", "10806": "solitude", "10807": "bestf", "10808": "haay", "10809": "alberta", "10810": "pdfs", "10811": "pattys", "10812": "florence", "10813": "clifford", "10814": "munchies", "10815": "swype", "10816": "donuts", "10817": "hurray", "10818": "jaymi", "10819": "rustic", "10820": "snorlax", "10821": "slater", "10822": "hurrah", "10823": "angrier", "10824": "horses", "10825": "flat", "10826": "flaw", "10827": "flav", "10828": "flap", "10829": "immersion", "10830": "mire", "10831": "hoffman", "10832": "sorcery", "10833": "mira", "10834": "csgo", "10835": "antibiotics", "10836": "hissed", "10837": "flab", "10838": "mtvema", "10839": "miru", "10840": "flan", "10841": "flak", "10842": "presumed", "10843": "kihyun", "10844": "awesomeee", "10845": "debby", "10846": "kickass", "10847": "tline", "10848": "lestrade", "10849": "caveat", "10850": "🐘", "10851": "absently", "10852": "pleaseee", "10853": "espionage", "10854": "salted", "10855": "laurence", "10856": "duets", "10857": "transvestite", "10858": "libertarian", "10859": "revis", "10860": "whoopie", "10861": "aahh", "10862": "rather", "10863": "whoopin", "10864": "magpie", "10865": "untied", "10866": "occasionally", "10867": "delaney", "10868": "aaaaw", "10869": "gravitate", "10870": "sensations", "10871": "tinfoil", "10872": "vlad", "10873": "sabine", "10874": "okay", "10875": "jacobwhitesides", "10876": "sven", "10877": "lighting", "10878": "adventure", "10879": "okae", "10880": "ironman", "10881": "fraps", "10882": "concentrating", "10883": "contingency", "10884": "proclaimed", "10885": "jovi", "10886": "short", "10887": "susan", "10888": "marlon", "10889": "chante", "10890": "supervision", "10891": "lhh", "10892": "kekekeke", "10893": "shore", "10894": "lhs", "10895": "lhr", "10896": "fenway", "10897": "lhp", "10898": "gleeful", "10899": "balloon", "10900": "bravotv", "10901": "lifeguards", "10902": "cyaa", "10903": "nanti", "10904": "brotha", "10905": "tylers", "10906": "emmanuel", "10907": "isnt", "10908": "flaunt", "10909": "darlington", "10910": "milwaukee", "10911": "avenue", "10912": "unverified", "10913": "jacobs", "10914": "jacoby", "10915": "mattress", "10916": "clashes", "10917": "polos", "10918": "crushin", "10919": "bout", "10920": "soccer", "10921": "woolies", "10922": "somebody", "10923": "dickens", "10924": "thatisall", "10925": "hunter", "10926": "palming", "10927": "15am", "10928": "ooooooooh", "10929": "clouds", "10930": "hunted", "10931": "mccarron", "10932": "bollywood", "10933": "adventurous", "10934": "instructions", "10935": "algerian", "10936": "rply", "10937": "ooooohh", "10938": "🇭", "10939": "mastered", "10940": "mastercard", "10941": "intolerable", "10942": "alreadyy", "10943": "medford", "10944": "jezza", "10945": "weighs", "10946": "tilted", "10947": "weight", "10948": "capitalized", "10949": "oppressed", "10950": "loopy", "10951": "argumentative", "10952": "loops", "10953": "ecig", "10954": "impersonation", "10955": "monocle", "10956": "alcohol", "10957": "foolproof", "10958": "tmltalk", "10959": "hilt", "10960": "cuffing", "10961": "pcy", "10962": "lucifer", "10963": "hill", "10964": "bazooka", "10965": "gotdamn", "10966": "niiice", "10967": "roofs", "10968": "friday", "10969": "wishin", "10970": "atb", "10971": "guest", "10972": "fantastical", "10973": "seahorse", "10974": "👯", "10975": "introduction", "10976": "prejudice", "10977": "snowboarding", "10978": "fallen", "10979": "trackpad", "10980": "connotation", "10981": "indigestion", "10982": "。", "10983": "seeming", "10984": "kingpin", "10985": "urinal", "10986": "traveled", "10987": "bernadette", "10988": "enlarged", "10989": "minwoo", "10990": "leighton", "10991": "mcflurry", "10992": "traveler", "10993": "silicone", "10994": "excitable", "10995": "story", "10996": "\"", "10997": "scathing", "10998": "dfl", "10999": "leading", "11000": "interviews", "11001": "tougher", "11002": "gpa", "11003": "trend", "11004": "storm", "11005": "gpu", "11006": "gpp", "11007": "tournies", "11008": "ecuador", "11009": "gps", "11010": "baguettes", "11011": "calculations", "11012": "scooby", "11013": "blaise", "11014": "slugs", "11015": "wenger", "11016": "mech", "11017": "fidget", "11018": "rifle", "11019": "wuda", "11020": "versatility", "11021": "king", "11022": "kind", "11023": "inuyasha", "11024": "kina", "11025": "kino", "11026": "kink", "11027": "ooookay", "11028": "ratna", "11029": "tats", "11030": "scanners", "11031": "dried", "11032": "tongues", "11033": "motivation", "11034": "storytelling", "11035": "exert", "11036": "sleeeeeeep", "11037": "shrewd", "11038": "kipper", "11039": "followbacks", "11040": "wilson", "11041": "shandy", "11042": "rochester", "11043": "ives", "11044": "entirety", "11045": "genetically", "11046": "banjo", "11047": "kuwtk", "11048": "gill", "11049": "gonnae", "11050": "electric", "11051": "exec", "11052": "customize", "11053": "amal", "11054": "inconvenience", "11055": "gila", "11056": "architects", "11057": "oxegen", "11058": "impacting", "11059": "amas", "11060": "exes", "11061": "pouncing", "11062": "kaleigh", "11063": "patterned", "11064": "dealers", "11065": "gentrification", "11066": "unsupervised", "11067": "🍫", "11068": "destruct", "11069": "traditional", "11070": "draconian", "11071": "caching", "11072": "obediently", "11073": "liberate", "11074": "lying", "11075": "barter", "11076": "grandmas", "11077": "erve", "11078": "stumped", "11079": "canadiens", "11080": "howls", "11081": "tilly", "11082": "favourable", "11083": "tills", "11084": "bene", "11085": "hield", "11086": "sheppard", "11087": "harrypotter", "11088": "airtime", "11089": "iem", "11090": "ied", "11091": "lansbury", "11092": "founding", "11093": "gains", "11094": "invoke", "11095": "gainz", "11096": "novelas", "11097": "cote", "11098": "rappin", "11099": "reprint", "11100": "emails", "11101": "cringy", "11102": "grievances", "11103": "budapest", "11104": "adulthood", "11105": "brendan", "11106": "necked", "11107": "barkha", "11108": "vermaelen", "11109": "cringe", "11110": "relentless", "11111": "wrote", "11112": "rebs", "11113": "yalla", "11114": "laaa", "11115": "defense", "11116": "reba", "11117": "musicians", "11118": "chambers", "11119": "procrastinated", "11120": "visualize", "11121": "threats", "11122": "prescriptions", "11123": "blurt", "11124": "30stm", "11125": "🚬", "11126": "mismatch", "11127": "viewership", "11128": "jasmin", "11129": "kami", "11130": "blurb", "11131": "ings", "11132": "bibi", "11133": "solo", "11134": "thankyouuu", "11135": "uuu", "11136": "tsukki", "11137": "sold", "11138": "sole", "11139": "wohoo", "11140": "confiscated", "11141": "fgs", "11142": "fgl", "11143": "fgm", "11144": "smileys", "11145": "imp", "11146": "fatality", "11147": "betrayed", "11148": "bibs", "11149": "fgc", "11150": "feku", "11151": "whistleblowers", "11152": "unnieee", "11153": "mollys", "11154": "bandit", "11155": "snicker", "11156": "operas", "11157": "ims", "11158": "reside", "11159": "vardy", "11160": "distress", "11161": "sweet", "11162": "ozil", "11163": "sweep", "11164": "harbour", "11165": "deposits", "11166": "gnomes", "11167": "regulated", "11168": "village", "11169": "dudee", "11170": "merikuri", "11171": "semitism", "11172": "startling", "11173": "caspar", "11174": "chlo", "11175": "himmmm", "11176": "durning", "11177": "pining", "11178": "extends", "11179": "deathwing", "11180": "wildstar", "11181": "replyin", "11182": "affectionate", "11183": "institutionalized", "11184": "flight", "11185": "dorchester", "11186": "algeria", "11187": "cincy", "11188": "precision", "11189": "softest", "11190": "cinco", "11191": "oitnb", "11192": "demand", "11193": "demolishing", "11194": "instructor", "11195": "hamill", "11196": "acount", "11197": "shove", "11198": "thata", "11199": "frozen", "11200": "footballer", "11201": "sheeple", "11202": "froggy", "11203": "nate", "11204": "2100", "11205": "amell", "11206": "dassit", "11207": "incognito", "11208": "ohmygod", "11209": "shortened", "11210": "credence", "11211": "napped", "11212": "uninspired", "11213": "bluegrass", "11214": "demon", "11215": "demos", "11216": "styl", "11217": "obstacle", "11218": "ouya", "11219": "dmt", "11220": "shirt", "11221": "noooo", "11222": "dmmd", "11223": "gerrymandering", "11224": "wierd", "11225": "shire", "11226": "9", "11227": "aldean", "11228": "federer", "11229": "nooot", "11230": "shiro", "11231": "higher", "11232": "👁", "11233": "restraint", "11234": "cement", "11235": "liquids", "11236": "contractors", "11237": "bourgeois", "11238": "southport", "11239": "objecting", "11240": "eeeeeek", "11241": "atcha", "11242": "kraken", "11243": "tarnish", "11244": "260", "11245": "machinery", "11246": "awayy", "11247": "aways", "11248": "atchu", "11249": "unseen", "11250": "emerge", "11251": "mcallister", "11252": "epcot", "11253": "mahrez", "11254": "repealing", "11255": "questions", "11256": "turbulence", "11257": "patel", "11258": "continent", "11259": "meanest", "11260": "cheapskate", "11261": "adrienne", "11262": "treacle", "11263": "humanoid", "11264": "cthu", "11265": "potna", "11266": "tuxedo", "11267": "tormented", "11268": "shovels", "11269": "finder", "11270": "generalized", "11271": "dirtbag", "11272": "ambien", "11273": "advocate", "11274": "sightings", "11275": "manatee", "11276": "ashleys", "11277": "spittin", "11278": "jacksonville", "11279": "skeptical", "11280": "shuddup", "11281": "ponyboy", "11282": "flappy", "11283": "systematically", "11284": "admittedly", "11285": "swiggity", "11286": "wwwww", "11287": "separately", "11288": "collect", "11289": "sloan", "11290": "asvab", "11291": "exploiting", "11292": "tyus", "11293": "gurllll", "11294": "okays", "11295": "sauced", "11296": "fuckkkkkk", "11297": "thr", "11298": "hurriedly", "11299": "cif", "11300": "onnnn", "11301": "tato", "11302": "yknow", "11303": "sauces", "11304": "saucer", "11305": "controllers", "11306": "yooou", "11307": "drunkenly", "11308": "luckyy", "11309": "leaguer", "11310": "eunhyuk", "11311": "retro", "11312": "yoooo", "11313": "swanqueen", "11314": "libtard", "11315": "ozzy", "11316": "kelsey", "11317": "refused", "11318": "zombie", "11319": "ipas", "11320": "consolation", "11321": "elixir", "11322": "refuses", "11323": "bayern", "11324": "vaccine", "11325": "vivid", "11326": "pipeline", "11327": "cautious", "11328": "jamarcus", "11329": "runes", "11330": "kabhi", "11331": "violins", "11332": "niceness", "11333": "plaza", "11334": "sandstorm", "11335": "lifeless", "11336": "range", "11337": "cece", "11338": "ballgame", "11339": "gujarat", "11340": "ceci", "11341": "cech", "11342": "complimentary", "11343": "fluttering", "11344": "youthful", "11345": "gatwick", "11346": "paralysis", "11347": "wowwww", "11348": "johns", "11349": "warmed", "11350": "motors", "11351": "strumming", "11352": "stench", "11353": "impressed", "11354": "rows", "11355": "entitlement", "11356": "votethomasmtv", "11357": "lone", "11358": "kirko", "11359": "long", "11360": "handler", "11361": "rowe", "11362": "summertime", "11363": "tpab", "11364": "prey", "11365": "singled", "11366": "waistband", "11367": "belonged", "11368": "ukrunchat", "11369": "sammiches", "11370": "reassurance", "11371": "karlie", "11372": "disliking", "11373": "4ever", "11374": "earworm", "11375": "fulfilling", "11376": "seize", "11377": "hereee", "11378": "lifespan", "11379": "jelena", "11380": "bitchhhhhh", "11381": "pres", "11382": "chiefkeef", "11383": "sher", "11384": "hhahahah", "11385": "landscapes", "11386": "semua", "11387": "deliverance", "11388": "broly", "11389": "tiniest", "11390": "roared", "11391": "hedwig", "11392": "ccfc", "11393": "reyt", "11394": "coordinator", "11395": "froot", "11396": "rally", "11397": "huron", "11398": "disappoints", "11399": "peach", "11400": "riiiight", "11401": "peace", "11402": "backs", "11403": "saffron", "11404": "nick", "11405": "oppressors", "11406": "backk", "11407": "muffle", "11408": "kaman", "11409": "sykes", "11410": "kamal", "11411": "rochdale", "11412": "nice", "11413": "dale", "11414": "beingsalmankhan", "11415": "users", "11416": "wrinkly", "11417": "booger", "11418": "dali", "11419": "breasts", "11420": "medina", "11421": "carrieunderwood", "11422": "bonding", "11423": "allowing", "11424": "puncture", "11425": "fertilizer", "11426": "posters", "11427": "wrinkle", "11428": "daly", "11429": "relaunch", "11430": "vaseline", "11431": "happier", "11432": "yeaaaaaaa", "11433": "foundry", "11434": "departments", "11435": "microsoft", "11436": "impatient", "11437": "ashton", "11438": "buffalo", "11439": "vue", "11440": "kanan", "11441": "eyyy", "11442": "alien", "11443": "windy", "11444": "gana", "11445": "gang", "11446": "gane", "11447": "winds", "11448": "🎅", "11449": "theorist", "11450": "shiraz", "11451": "cruiser", "11452": "uphold", "11453": "itll", "11454": "languages", "11455": "〰", "11456": "repackage", "11457": "breach", "11458": "include", "11459": "fwiw", "11460": "confirmation", "11461": "mainstream", "11462": "hamish", "11463": "aikman", "11464": "instagrams", "11465": "kovacic", "11466": "yourewelcome", "11467": "judo", "11468": "remade", "11469": "paternity", "11470": "leveled", "11471": "trackers", "11472": "melodies", "11473": "harmonizer", "11474": "disclaimer", "11475": "concluded", "11476": "gripping", "11477": "lmaooooooo", "11478": "wrestling", "11479": "malice", "11480": "imnida", "11481": "fold", "11482": "umma", "11483": "⚔", "11484": "reunion", "11485": "ummm", "11486": "foll", "11487": "acid", "11488": "makers", "11489": "folk", "11490": "unavailable", "11491": "showcase", "11492": "concessions", "11493": "shiok", "11494": "letty", "11495": "19th", "11496": "occupation", "11497": "modded", "11498": "rayray", "11499": "unruly", "11500": "e", "11501": "chose", "11502": "degree", "11503": "kangaroo", "11504": "lmfaoooooooooooo", "11505": "youngest", "11506": "swoosh", "11507": "explore", "11508": "lyrically", "11509": "thiught", "11510": "settling", "11511": "ballout", "11512": "lillard", "11513": "survivor", "11514": "keurig", "11515": "distressed", "11516": "larger", "11517": "shades", "11518": "shader", "11519": "esque", "11520": "leaving", "11521": "suggests", "11522": "roundtable", "11523": "pornstar", "11524": "shaded", "11525": "pajama", "11526": "suprising", "11527": "sheila", "11528": "ophelia", "11529": "prejudiced", "11530": "duct", "11531": "aps", "11532": "app", "11533": "hardd", "11534": "zlatan", "11535": "hardy", "11536": "api", "11537": "kristina", "11538": "vols", "11539": "cheerleader", "11540": "feza", "11541": "apc", "11542": "apa", "11543": "huf", "11544": "ape", "11545": "lottery", "11546": "fron", "11547": "frog", "11548": "procrastinate", "11549": "hypothetically", "11550": "examination", "11551": "constitutionally", "11552": "timetable", "11553": "eagles", "11554": "lipgloss", "11555": "geeks", "11556": "poodles", "11557": "clever", "11558": "🏇", "11559": "asaram", "11560": "apprently", "11561": "chichi", "11562": "parrots", "11563": "connie", "11564": "antennas", "11565": "chicha", "11566": "verity", "11567": "concierge", "11568": "disingenuous", "11569": "midterm", "11570": "komaeda", "11571": "goshh", "11572": "hookups", "11573": "aight", "11574": "aweful", "11575": "dissolve", "11576": "thirsty", "11577": "cheesin", "11578": "inaccessible", "11579": "crick", "11580": "←", "11581": "assumptions", "11582": "hilton", "11583": "perma", "11584": "autobiography", "11585": "counting", "11586": "syndrome", "11587": "", "11588": "cliches", "11589": "scarring", "11590": "justifiable", "11591": "sidewalks", "11592": "struggles", "11593": "tickling", "11594": "camille", "11595": "yayyyyy", "11596": "struggled", "11597": "toddler", "11598": "bigsean", "11599": "cuffed", "11600": "typewriter", "11601": "attend", "11602": "tadashi", "11603": "tacs", "11604": "tact", "11605": "bertie", "11606": "tack", "11607": "wrist", "11608": "taco", "11609": "neji", "11610": "hotstuff", "11611": "psychedelic", "11612": "somethin", "11613": "highlands", "11614": "soleil", "11615": "somethig", "11616": "helpline", "11617": "budge", "11618": "civics", "11619": "villas", "11620": "takeaway", "11621": "beauties", "11622": "sanctioned", "11623": "baddie", "11624": "reptile", "11625": "interpreted", "11626": "whilst", "11627": "mojito", "11628": "hemp", "11629": "", "11630": "interpreter", "11631": "unchecked", "11632": "glen", "11633": "superior", "11634": "goos", "11635": "rojo", "11636": "plasters", "11637": "glee", "11638": "sundance", "11639": "h3", "11640": "cotto", "11641": "holiday", "11642": "crowds", "11643": "rsvp", "11644": "campaigned", "11645": "astral", "11646": "crs", "11647": "deven", "11648": "impressing", "11649": "◕", "11650": "campaigner", "11651": "ambition", "11652": "mybad", "11653": "republican", "11654": "successor", "11655": "articles", "11656": "measly", "11657": "trimmer", "11658": "darcy", "11659": "cru", "11660": "iiiit", "11661": "iiiii", "11662": "trimmed", "11663": "edin", "11664": "cocoon", "11665": "cursive", "11666": "oui", "11667": "ouh", "11668": "ouo", "11669": "oul", "11670": "seperated", "11671": "mundane", "11672": "our", "11673": "brrrrr", "11674": "ouu", "11675": "out", "11676": "acknowledgment", "11677": "sentiment", "11678": "crc", "11679": "cerebral", "11680": "chaos", "11681": "impartial", "11682": "25x25", "11683": "💴", "11684": "aoba", "11685": "honorable", "11686": "irishbizparty", "11687": "twfanmily", "11688": "swiftie", "11689": "sounders", "11690": "disclose", "11691": "outkast", "11692": "pours", "11693": "marquise", "11694": "jing", "11695": "affective", "11696": "prozac", "11697": "heartbreaker", "11698": "pixelated", "11699": "enema", "11700": "tenant", "11701": "impatience", "11702": "nasir", "11703": "crockpot", "11704": "organic", "11705": "waterloo", "11706": "g", "11707": "fascism", "11708": "cro", "11709": "yayayaya", "11710": "regaining", "11711": "hench", "11712": "hence", "11713": "biting", "11714": "stawp", "11715": "grandmom", "11716": "museum", "11717": "embryo", "11718": "cantina", "11719": "undid", "11720": "twan", "11721": "319", "11722": "twat", "11723": "", "11724": "eleventh", "11725": "bonner", "11726": "twas", "11727": "inbreds", "11728": "umbrellas", "11729": "piersmorgan", "11730": "unknown", "11731": "colette", "11732": "eighth", "11733": "priority", "11734": "potty", "11735": "1500", "11736": "stephan", "11737": "650", "11738": "potts", "11739": "abbie", "11740": "misunderstood", "11741": "310", "11742": "consoling", "11743": "✍", "11744": "celibate", "11745": "disheartening", "11746": "dreadlocks", "11747": "potent", "11748": "drumstick", "11749": "videogames", "11750": "diminish", "11751": "whateverrrr", "11752": "astounded", "11753": "inners", "11754": "bashed", "11755": "liquid", "11756": "joliet", "11757": "≦", "11758": "150k", "11759": "kneecaps", "11760": "lucius", "11761": "bashes", "11762": "basher", "11763": "colab", "11764": "encore", "11765": "faints", "11766": "hairstyle", "11767": "clip", "11768": "fowl", "11769": "ringer", "11770": "overboard", "11771": "teenagers", "11772": "20yrs", "11773": "dingle", "11774": "🤗", "11775": "biggy", "11776": "ctrl", "11777": "clio", "11778": "linked", "11779": "escapism", "11780": "unbearable", "11781": "floydmayweather", "11782": "pupils", "11783": "kristy", "11784": "branson", "11785": "bough", "11786": "reeks", "11787": "negredo", "11788": "krista", "11789": "🎰", "11790": "trespassing", "11791": "analog", "11792": "commissioners", "11793": "kristi", "11794": "martha", "11795": "unbearably", "11796": "underestimating", "11797": "whe", "11798": "pretzels", "11799": "twittering", "11800": "🙉", "11801": "whn", "11802": "who", "11803": "whi", "11804": "wht", "11805": "whu", "11806": "❓", "11807": "digestive", "11808": "whp", "11809": "evacuate", "11810": "whr", "11811": "whs", "11812": "hearthstone", "11813": "why", "11814": "administrators", "11815": "pips", "11816": "ensues", "11817": "fuckkkkk", "11818": "pipe", "11819": "nobodys", "11820": "pipo", "11821": "swarming", "11822": "sumone", "11823": "dijk", "11824": "latinos", "11825": "brenda", "11826": "wheeee", "11827": "30pm", "11828": "pleases", "11829": "pleaser", "11830": "spanking", "11831": "chapters", "11832": "longevity", "11833": "glutes", "11834": "senegal", "11835": "fxck", "11836": "utter", "11837": "fear", "11838": "kristine", "11839": "pleasee", "11840": "agrees", "11841": "litigation", "11842": "nearer", "11843": "hux", "11844": "borgore", "11845": "astley", "11846": "euphoric", "11847": "newyear", "11848": "studded", "11849": "feedly", "11850": "local", "11851": "indignant", "11852": "cube", "11853": "topple", "11854": "skimp", "11855": "harmed", "11856": "basterd", "11857": "massacre", "11858": "ncr", "11859": "sebab", "11860": "cubs", "11861": "champions", "11862": "coordinating", "11863": "burglary", "11864": "freekick", "11865": "titus", "11866": "married", "11867": "seabrook", "11868": "6yo", "11869": "airmax", "11870": "leviathan", "11871": "15th", "11872": "avoidable", "11873": "marries", "11874": "buzzer", "11875": "grrrrr", "11876": "requirement", "11877": "huhhhhh", "11878": "humiliation", "11879": "granderson", "11880": "spazzing", "11881": "buzzed", "11882": "confrontational", "11883": "luminous", "11884": "gmail", "11885": "drawling", "11886": "monstrous", "11887": "playas", "11888": "🏳", "11889": "rulers", "11890": "favor", "11891": "projecting", "11892": "identification", "11893": "wetting", "11894": "crude", "11895": "aslan", "11896": "vzwbuzz", "11897": "bought", "11898": "jor", "11899": "jos", "11900": "jot", "11901": "ability", "11902": "opening", "11903": "joy", "11904": "warzone", "11905": "timberwolves", "11906": "job", "11907": "takeover", "11908": "joe", "11909": "jog", "11910": "joh", "11911": "joi", "11912": "stutters", "11913": "jol", "11914": "jom", "11915": "jon", "11916": "joo", "11917": "titties", "11918": "elikem", "11919": "netas", "11920": "waisted", "11921": "nespresso", "11922": "april", "11923": "hefner", "11924": "tactical", "11925": "rodney", "11926": "grounds", "11927": "rps", "11928": "unclear", "11929": "rpw", "11930": "hoodieallen", "11931": "tunisia", "11932": "lyricist", "11933": "soy", "11934": "rpg", "11935": "rpi", "11936": "investigator", "11937": "rpm", "11938": "cassadee", "11939": "occured", "11940": "motorbike", "11941": "twerks", "11942": "decent", "11943": "potheads", "11944": "trademark", "11945": "nathanthewanted", "11946": "responds", "11947": "730", "11948": "offers", "11949": "͜", "11950": "reservations", "11951": "porting", "11952": "lipsticks", "11953": "remedies", "11954": "neutrals", "11955": "phela", "11956": "puberty", "11957": "spammer", "11958": "scrutiny", "11959": "gtx", "11960": "ensuring", "11961": "spammed", "11962": "franny", "11963": "reeves", "11964": "fearful", "11965": "vicki", "11966": "vicks", "11967": "stunning", "11968": "fingertip", "11969": "jocelyn", "11970": "medicinal", "11971": "vicky", "11972": "~", "11973": "sagan", "11974": "ringing", "11975": "💆", "11976": "lakeside", "11977": "motivational", "11978": "thus", "11979": "thur", "11980": "owell", "11981": "rooster", "11982": "thun", "11983": "draining", "11984": "lightweight", "11985": "thug", "11986": "kylee", "11987": "🌟", "11988": "bayside", "11989": "hocus", "11990": "mga", "11991": "lous", "11992": "perhaps", "11993": "buddhist", "11994": "maddening", "11995": "rhianna", "11996": "buddhism", "11997": "geographical", "11998": "largest", "11999": "misogynist", "12000": "mauro", "12001": "disciple", "12002": "difficult", "12003": "fellaini", "12004": "slave", "12005": "suzy", "12006": "promo", "12007": "tweetdeck", "12008": "pretenders", "12009": "conceived", "12010": "disagree", "12011": "romeo", "12012": "rigby", "12013": "proms", "12014": "suzi", "12015": "guesssss", "12016": "warming", "12017": "valeria", "12018": "correspondent", "12019": "lackin", "12020": "valerie", "12021": "chuckie", "12022": "maddies", "12023": "banging", "12024": "premiership", "12025": "qualified", "12026": "cowering", "12027": "personalised", "12028": "deion", "12029": "nadal", "12030": "cameo", "12031": "mhhm", "12032": "camel", "12033": "168", "12034": "loveit", "12035": "kiley", "12036": "tcu", "12037": "influencers", "12038": "skincare", "12039": "blackpool", "12040": "tcm", "12041": "tch", "12042": "tcg", "12043": "antisemitism", "12044": "tcc", "12045": "tca", "12046": "aguero", "12047": "lukey", "12048": "guts", "12049": "jare", "12050": "allardyce", "12051": "arresting", "12052": "usagi", "12053": "usage", "12054": "sanskrit", "12055": "jars", "12056": "permissions", "12057": "bela", "12058": "crummy", "12059": "yyz", "12060": "cuzn", "12061": "hyungie", "12062": "presh", "12063": "provisions", "12064": "nama", "12065": "execute", "12066": "misconceptions", "12067": "ollg", "12068": "facial", "12069": "catchers", "12070": "press", "12071": "redesign", "12072": "name", "12073": "georges", "12074": "heyyyyyy", "12075": "safest", "12076": "perpetual", "12077": "vortex", "12078": "hosts", "12079": "nami", "12080": "pasties", "12081": "wonders", "12082": "parity", "12083": "exceed", "12084": "bojio", "12085": "smoothly", "12086": "🐖", "12087": "febreeze", "12088": "nagar", "12089": "melee", "12090": "qet", "12091": "dappy", "12092": "😛", "12093": "meatloaf", "12094": "employment", "12095": "yuuup", "12096": "jeremy", "12097": "syfy", "12098": "fiiiiine", "12099": "floss", "12100": "readyyy", "12101": "shopaholic", "12102": "smyth", "12103": "rayna", "12104": "pasty", "12105": "ripped", "12106": "gleeks", "12107": "tenure", "12108": "acronym", "12109": "werth", "12110": "himmm", "12111": "wario", "12112": "ripper", "12113": "bergdahl", "12114": "pasta", "12115": "paste", "12116": "disowning", "12117": "rara", "12118": "pike", "12119": "rare", "12120": "carried", "12121": "ashe", "12122": "abstinence", "12123": "asha", "12124": "datpiff", "12125": "sakes", "12126": "carrier", "12127": "ashy", "12128": "irishman", "12129": "greensboro", "12130": "polished", "12131": "wilderness", "12132": "🌈", "12133": "clifton", "12134": "talladega", "12135": "boiii", "12136": "weather", "12137": "promise", "12138": "lawful", "12139": "clinique", "12140": "💝", "12141": "nuke", "12142": "mcgrady", "12143": "geoffrey", "12144": "transfer", "12145": "spiral", "12146": "trenches", "12147": "captains", "12148": "rockstars", "12149": "resists", "12150": "thuggish", "12151": "extravagant", "12152": "grantaire", "12153": "chalky", "12154": "hilar", "12155": "alexa", "12156": "alexi", "12157": "welbz", "12158": "volume", "12159": "deathstroke", "12160": "tommrow", "12161": "automated", "12162": "trimester", "12163": "lmfaao", "12164": "snsd", "12165": "karte", "12166": "arnt", "12167": "protesting", "12168": "yorkie", "12169": "distract", "12170": "freeview", "12171": "karts", "12172": "arnd", "12173": "cake", "12174": "sander", "12175": "faggot", "12176": "yesyesyes", "12177": "okaaay", "12178": "horrific", "12179": "stoopid", "12180": "maroon", "12181": "theatre", "12182": "rightwing", "12183": "squirrel", "12184": "incredible", "12185": "glint", "12186": "smears", "12187": "haruka", "12188": "20min", "12189": "coffees", "12190": "jimmer", "12191": "incredibly", "12192": "conclusion", "12193": "chavez", "12194": "kinds", "12195": "deffs", "12196": "shredded", "12197": "bamboozled", "12198": "toasty", "12199": "pumps", "12200": "kinda", "12201": "squeak", "12202": "deffo", "12203": "rhapsody", "12204": "squeal", "12205": "tomoz", "12206": "bwoy", "12207": "fritz", "12208": "tomor", "12209": "sasa", "12210": "dominoes", "12211": "tonnes", "12212": "wilma", "12213": "sash", "12214": "sask", "12215": "traumatizing", "12216": "danganronpa", "12217": "writings", "12218": "systematic", "12219": "cussed", "12220": "askamex", "12221": "yellow", "12222": "cusses", "12223": "betch", "12224": "prefix", "12225": "samething", "12226": "mirage", "12227": "conjuring", "12228": "kens", "12229": "gabriella", "12230": "gabrielle", "12231": "marching", "12232": "unblocked", "12233": "electricity", "12234": "otra", "12235": "fingernails", "12236": "hahhahaha", "12237": "hardness", "12238": "imissyou", "12239": "flicking", "12240": "pokeballs", "12241": "totaldivas", "12242": "swivel", "12243": "dele", "12244": "uofa", "12245": "deli", "12246": "uofl", "12247": "regional", "12248": "dell", "12249": "delph", "12250": "crenshaw", "12251": "figs", "12252": "uncertain", "12253": "prize", "12254": "obstruction", "12255": "protest", "12256": "ooop", "12257": "oooo", "12258": "oooh", "12259": "hough", "12260": "ooof", "12261": "debuting", "12262": "giorno", "12263": "straight", "12264": "charter", "12265": "corvette", "12266": "miller", "12267": "pubic", "12268": "stiffens", "12269": "empirical", "12270": "sanderson", "12271": "meannn", "12272": "currie", "12273": "shrugging", "12274": "tether", "12275": "sterile", "12276": "brexit", "12277": "unlisted", "12278": "medically", "12279": "ruthless", "12280": "negates", "12281": "dangles", "12282": "clorox", "12283": "increasing", "12284": "ouchie", "12285": "⛄", "12286": "avery", "12287": "gayer", "12288": "sugg", "12289": "leaning", "12290": "jasmine", "12291": "dora", "12292": "dorm", "12293": "dori", "12294": "dork", "12295": "workkk", "12296": "substance", "12297": "plumlee", "12298": "straighter", "12299": "ziam", "12300": "military", "12301": "brownsville", "12302": "burrow", "12303": "friendzone", "12304": "divide", "12305": "explained", "12306": "‏", "12307": "maisie", "12308": "summons", "12309": "dearie", "12310": "scoffed", "12311": "txt", "12312": "cheating", "12313": "spoke", "12314": "kettles", "12315": "telegraph", "12316": "🎷", "12317": "averaging", "12318": "ิ", "12319": "exorcism", "12320": "relay", "12321": "relax", "12322": "successful", "12323": "hurr", "12324": "huntress", "12325": "10gb", "12326": "hurt", "12327": "t3", "12328": "tying", "12329": "goddammit", "12330": "hurd", "12331": "up2", "12332": "blade", "12333": "straddle", "12334": "baymax", "12335": "calums", "12336": "famer", "12337": "mindedness", "12338": "melons", "12339": "★", "12340": "household", "12341": "artillery", "12342": "organized", "12343": "julissa", "12344": "dragons", "12345": "dragono", "12346": "zubat", "12347": "organizer", "12348": "dyke", "12349": "preferably", "12350": "somalian", "12351": "win8", "12352": "worldview", "12353": "turn", "12354": "complaining", "12355": "handguns", "12356": "damage", "12357": "machine", "12358": "methodology", "12359": "machina", "12360": "cheetah", "12361": "winslow", "12362": "madagascar", "12363": "preferable", "12364": "yul", "12365": "gaming", "12366": "cabbie", "12367": "blackmon", "12368": "stephs", "12369": "sippy", "12370": "connects", "12371": "shores", "12372": "possum", "12373": "destined", "12374": "destinee", "12375": "chump", "12376": "chums", "12377": "siberia", "12378": "2025", "12379": "calves", "12380": "effective", "12381": "scourge", "12382": "wins", "12383": "attracts", "12384": "cheri", "12385": "childhood", "12386": "wink", "12387": "buggin", "12388": "beeping", "12389": "snowballs", "12390": "keeps", "12391": "wing", "12392": "wind", "12393": "wine", "12394": "__", "12395": "restriction", "12396": "v_v", "12397": "mabey", "12398": "afterwards", "12399": "vary", "12400": "xgames", "12401": "4days", "12402": "handcuff", "12403": "mabel", "12404": "soothingly", "12405": "arasso", "12406": "heheheh", "12407": "lovingly", "12408": "rankings", "12409": "diffrent", "12410": "hehehee", "12411": "shawshank", "12412": "kenwood", "12413": "matured", "12414": "dyinggg", "12415": "pooing", "12416": "hidden", "12417": "yaaass", "12418": "glorify", "12419": "duvet", "12420": "enrich", "12421": "arran", "12422": "slicing", "12423": "captioned", "12424": "mongering", "12425": "jinxing", "12426": "jetlag", "12427": "township", "12428": "silver", "12429": "structural", "12430": "rumour", "12431": "represents", "12432": "gallop", "12433": "usman", "12434": "walkthrough", "12435": "capricorn", "12436": "queues", "12437": "dumps", "12438": "lockout", "12439": "gmfu", "12440": "interfering", "12441": "queued", "12442": "expectancy", "12443": "preceded", "12444": "financial", "12445": "woes", "12446": "garment", "12447": "blinder", "12448": "pissy", "12449": "bowls", "12450": "fortnight", "12451": "efron", "12452": "laboratory", "12453": "intestine", "12454": "truman", "12455": "blinded", "12456": "flava", "12457": "arielle", "12458": "💤", "12459": "ariella", "12460": "smu", "12461": "smt", "12462": "sms", "12463": "¬", "12464": "dsp", "12465": "smp", "12466": "cooter", "12467": "dsl", "12468": "dsm", "12469": "smh", "12470": "smg", "12471": "sme", "12472": "smd", "12473": "strategist", "12474": "smb", "12475": "sma", "12476": "mopped", "12477": "iam", "12478": "assured", "12479": "theirselves", "12480": "waddle", "12481": "fugitive", "12482": "sensory", "12483": "assures", "12484": "ian", "12485": "", "12486": "sensors", "12487": "knit", "12488": "metallica", "12489": "kniw", "12490": "bates", "12491": "dayum", "12492": "ds9", "12493": "sahn", "12494": "secularism", "12495": "devastation", "12496": "sm1", "12497": "scruff", "12498": "matheny", "12499": "eatting", "12500": "clothes", "12501": "̀", "12502": "nigel", "12503": "nouns", "12504": "shopper", "12505": "wasp", "12506": "wass", "12507": "babygirl", "12508": "misplace", "12509": "shopped", "12510": "wash", "12511": "instruct", "12512": "179", "12513": "wasn", "12514": "177", "12515": "176", "12516": "175", "12517": "174", "12518": "173", "12519": "172", "12520": "171", "12521": "170", "12522": "bahamas", "12523": "lister", "12524": "lego", "12525": "vargas", "12526": "deadliest", "12527": "engagement", "12528": "returns", "12529": "ratch", "12530": "slsp", "12531": "listed", "12532": "blossoms", "12533": "verizonwireless", "12534": "legs", "12535": "retweet", "12536": "raws", "12537": "listen", "12538": "huffy", "12539": "danish", "12540": "17k", "12541": "collapse", "12542": "geneva", "12543": "predictably", "12544": "snooty", "12545": "maltesers", "12546": "frowned", "12547": "prosthetic", "12548": "wisdom", "12549": "elec", "12550": "predictable", "12551": "tipple", "12552": "unreachable", "12553": "hays", "12554": "heyyy", "12555": "fufu", "12556": "outlaw", "12557": "hayy", "12558": "iteration", "12559": "independant", "12560": "seminars", "12561": "haya", "12562": "endure", "12563": "haye", "12564": "bodyguards", "12565": "seminary", "12566": "hayi", "12567": "recheck", "12568": "blackhawks", "12569": "10min", "12570": "groaning", "12571": "alaa", "12572": "aapl", "12573": "」", "12574": "joakim", "12575": "fancam", "12576": "kna", "12577": "sourdough", "12578": "🎠", "12579": "hottub", "12580": "concrete", "12581": "warne", "12582": "60th", "12583": "responsible", "12584": "eagerly", "12585": "metallic", "12586": "okie", "12587": "causing", "12588": "defiantly", "12589": "responsibly", "12590": "😹", "12591": "agressive", "12592": "susie", "12593": "zebras", "12594": "doin", "12595": "mystique", "12596": "raura", "12597": "looming", "12598": "victoria", "12599": "doit", "12600": "theatres", "12601": "spouses", "12602": "letter", "12603": "jumpin", "12604": "retaining", "12605": "drought", "12606": "morality", "12607": "motivators", "12608": "episode", "12609": "cops", "12610": "grove", "12611": "professor", "12612": "lps", "12613": "ekiti", "12614": "lpl", "12615": "lpc", "12616": "derbyshire", "12617": "guyss", "12618": "advisory", "12619": "pandey", "12620": "bomb", "12621": "reactor", "12622": "departing", "12623": "penang", "12624": "tequila", "12625": "advisors", "12626": "nominated", "12627": "bomi", "12628": "ibs", "12629": "gauge", "12630": "alay", "12631": "hungary", "12632": "recliner", "12633": "capes", "12634": "thems", "12635": "lazing", "12636": "lights", "12637": "ment", "12638": "menu", "12639": "revenant", "12640": "boleh", "12641": "cupid", "12642": "mens", "12643": "theme", "12644": "mog", "12645": "sien", "12646": "mend", "12647": "themm", "12648": "milton", "12649": "mena", "12650": "jermaine", "12651": "warmers", "12652": "dallascowboys", "12653": "godzilla", "12654": "giggs", "12655": "sniping", "12656": "salve", "12657": "reversal", "12658": "new", "12659": "midterms", "12660": "chutney", "12661": "sadface", "12662": "applemusic", "12663": "🏥", "12664": "avenger", "12665": "maverick", "12666": "avenged", "12667": "piggy", "12668": "tbfh", "12669": "saaame", "12670": "respond", "12671": "blew", "12672": "mandatory", "12673": "disaster", "12674": "fair", "12675": "mcgriddle", "12676": "tasia", "12677": "evolving", "12678": "faiz", "12679": "bled", "12680": "imho", "12681": "fail", "12682": "bess", "12683": "nocturnal", "12684": "bleh", "12685": "best", "12686": "tierd", "12687": "loafers", "12688": "bild", "12689": "stealthy", "12690": "score", "12691": "prada", "12692": "scorn", "12693": "prado", "12694": "laugjing", "12695": "pirate", "12696": "loooooooool", "12697": "preserve", "12698": "claws", "12699": "lamar", "12700": "felons", "12701": "unnies", "12702": "felony", "12703": "herrera", "12704": "schooled", "12705": "mombasa", "12706": "paddington", "12707": "carbon", "12708": "angling", "12709": "nahhhh", "12710": "unniee", "12711": "drooled", "12712": "awayyy", "12713": "bachelorette", "12714": "adapter", "12715": "readers", "12716": "adventures", "12717": "stuttgart", "12718": "estates", "12719": "normandy", "12720": "quests", "12721": "federalism", "12722": "adapted", "12723": "orbs", "12724": "q10", "12725": "moises", "12726": "irresponsible", "12727": "rednecks", "12728": "hadid", "12729": "tarek", "12730": "happenin", "12731": "canyon", "12732": "beachy", "12733": "darlin", "12734": "250", "12735": "summat", "12736": "256", "12737": "254", "12738": "255", "12739": "contestants", "12740": "😢", "12741": "skatepark", "12742": "chrome", "12743": "khaled", "12744": "chroma", "12745": "criticised", "12746": "breathlessly", "12747": "extraction", "12748": "savin", "12749": "startled", "12750": "wuld", "12751": "plopping", "12752": "tutorials", "12753": "incompetent", "12754": "25k", "12755": "life", "12756": "25m", "12757": "hospitalized", "12758": "naye", "12759": "milfs", "12760": "writting", "12761": "naya", "12762": "ariana", "12763": "filmmaker", "12764": "moneys", "12765": "lift", "12766": "generalization", "12767": "chile", "12768": "child", "12769": "chili", "12770": "seany", "12771": "chill", "12772": "adaptations", "12773": "presidency", "12774": "scorecard", "12775": "taper", "12776": "agholor", "12777": "👶", "12778": "pastime", "12779": "realities", "12780": "armband", "12781": "skirts", "12782": "doormat", "12783": "erryday", "12784": "top5", "12785": "top4", "12786": "hatfield", "12787": "🌏", "12788": "letdown", "12789": "exchanging", "12790": "lovefilm", "12791": "shitposting", "12792": "piercings", "12793": "madonna", "12794": "specter", "12795": "trusted", "12796": "buckles", "12797": "dhl", "12798": "jame", "12799": "cumulative", "12800": "dha", "12801": "enlistment", "12802": "10yrs", "12803": "", "12804": "babies", "12805": "dhs", "12806": "khud", "12807": "dayssss", "12808": "plonker", "12809": "fairly", "12810": "saids", "12811": "superstitious", "12812": "swizz", "12813": "tops", "12814": "topp", "12815": "whizz", "12816": "saidd", "12817": "toph", "12818": "wizkhalifa", "12819": "pioneers", "12820": "goldy", "12821": "registering", "12822": "doinggg", "12823": "intrusion", "12824": "tweaks", "12825": "sylveon", "12826": "bonny", "12827": "coldness", "12828": "nachos", "12829": "fittest", "12830": "blackjack", "12831": "wahh", "12832": "opinions", "12833": "givin", "12834": "masons", "12835": "moonwalk", "12836": "forsaken", "12837": "disguise", "12838": "financially", "12839": "slayers", "12840": "shading", "12841": "tomorrowland", "12842": "waht", "12843": "entrenched", "12844": "jumpers", "12845": "alum", "12846": "broncos", "12847": "ideal", "12848": "̮", "12849": "macdonald", "12850": "collections", "12851": "nottt", "12852": "hightower", "12853": "scrotum", "12854": "casually", "12855": "shadowhunter", "12856": "measurement", "12857": "possible", "12858": "twinks", "12859": "possibly", "12860": "gridlock", "12861": "birth", "12862": "calfs", "12863": "unique", "12864": "massively", "12865": "articulated", "12866": "seaside", "12867": "unionjworld", "12868": "bermuda", "12869": "steph", "12870": "pavement", "12871": "steps", "12872": "yunho", "12873": "prologue", "12874": "uy", "12875": "bonkers", "12876": "people", "12877": "deluge", "12878": "😋", "12879": "broadcasters", "12880": "feel", "12881": "biff", "12882": "aspen", "12883": "aaaahhhh", "12884": "fot", "12885": "gasps", "12886": "mcleod", "12887": "sociology", "12888": "attendees", "12889": "ump", "12890": "for", "12891": "marques", "12892": "soto", "12893": "myung", "12894": "fox", "12895": "gooch", "12896": "fod", "12897": "foe", "12898": "umg", "12899": "fog", "12900": "uma", "12901": "fob", "12902": "umm", "12903": "fom", "12904": "fon", "12905": "foo", "12906": "foh", "12907": "umh", "12908": "fok", "12909": "pinched", "12910": "giftcard", "12911": "lefts", "12912": "urgh", "12913": "dental", "12914": "trampoline", "12915": "lefty", "12916": "rhony", "12917": "shifting", "12918": "ankit", "12919": "pinches", "12920": "rhonj", "12921": "awayyyy", "12922": "emp", "12923": "transcends", "12924": "boycotts", "12925": "bytch", "12926": "derailed", "12927": "fca", "12928": "dollars", "12929": "citizens", "12930": "👞", "12931": "despair", "12932": "repellent", "12933": "emilio", "12934": "emilia", "12935": "emilie", "12936": "nixon", "12937": "gauze", "12938": "zuko", "12939": "neocon", "12940": "pleeeease", "12941": "💍", "12942": "presenters", "12943": "mambo", "12944": "mamba", "12945": "reducing", "12946": "hallo", "12947": "fck", "12948": "wussup", "12949": "panorama", "12950": "halle", "12951": "craaaazy", "12952": "pudge", "12953": "halla", "12954": "avail", "12955": "width", "12956": "happs", "12957": "bollocks", "12958": "omds", "12959": "babcock", "12960": "halls", "12961": "happy", "12962": "uuuuh", "12963": "manufacturers", "12964": "fascination", "12965": "tigers", "12966": "paypal", "12967": "unbuttons", "12968": "melanie", "12969": "pings", "12970": "melania", "12971": "melanin", "12972": "pesa", "12973": "facetimes", "12974": "circumstantial", "12975": "silliness", "12976": "partys", "12977": "ahjumma", "12978": "mural", "12979": "cale", "12980": "vanguard", "12981": "pest", "12982": "lays", "12983": "mighty", "12984": "panels", "12985": "frands", "12986": "finsta", "12987": "ughhhhhh", "12988": "juvenile", "12989": "shooter", "12990": "liberal", "12991": "tournament", "12992": "jaimie", "12993": "proven", "12994": "crumble", "12995": "soothe", "12996": "khi", "12997": "ddos", "12998": "proves", "12999": "exist", "13000": "accounting", "13001": "usability", "13002": "errrrr", "13003": "dealer", "13004": "cassie", "13005": "supporters", "13006": "crutches", "13007": "protested", "13008": "dotted", "13009": "actor", "13010": "acton", "13011": "republic", "13012": "protester", "13013": "developers", "13014": "anand", "13015": "kombucha", "13016": "soho", "13017": "klondike", "13018": "goshhhh", "13019": "kh3", "13020": "outttt", "13021": "deathbed", "13022": "invested", "13023": "persecution", "13024": "windscreen", "13025": "gamertags", "13026": "adrianna", "13027": "unmatched", "13028": "nxt", "13029": "spades", "13030": "idnt", "13031": "sniffed", "13032": "ottawa", "13033": "nxa", "13034": "sniffer", "13035": "quez", "13036": "peacock", "13037": "sheeesh", "13038": "firecracker", "13039": "emz", "13040": "❸follow", "13041": "crocodile", "13042": "avalanche", "13043": "tke", "13044": "gallbladder", "13045": "jarring", "13046": "heffer", "13047": "rhat", "13048": "vet", "13049": "ver", "13050": "yeri", "13051": "annika", "13052": "vex", "13053": "vey", "13054": "veg", "13055": "vee", "13056": "ven", "13057": "platitudes", "13058": "veterans", "13059": "yerr", "13060": "mobbed", "13061": "prepaid", "13062": "allegations", "13063": "ctfuuuu", "13064": "mourn", "13065": "servicing", "13066": "5min", "13067": "mahh", "13068": "mahi", "13069": "mahn", "13070": "solves", "13071": "tear", "13072": "teas", "13073": "geeza", "13074": "ollie", "13075": "tkt", "13076": "teat", "13077": "geeze", "13078": "solved", "13079": "subway", "13080": "hittin", "13081": "team", "13082": "hhhhhhh", "13083": "bonfire", "13084": "gbye", "13085": "prevent", "13086": "fff", "13087": "attic", "13088": "fingernail", "13089": "wahhhhhh", "13090": "steaks", "13091": "🐓", "13092": "telford", "13093": "jamison", "13094": "yesssir", "13095": "bruhhhh", "13096": "educate", "13097": "arasseo", "13098": "drews", "13099": "current", "13100": "bungalow", "13101": "freaks", "13102": "beasley", "13103": "🌽", "13104": "kuechly", "13105": "assertive", "13106": "ratliff", "13107": "falmouth", "13108": "moisturizer", "13109": "molestation", "13110": "neville", "13111": "crumbles", "13112": "rinses", "13113": "studied", "13114": "wherever", "13115": "commonly", "13116": "jammin", "13117": "crumbled", "13118": "ughhhhhhh", "13119": "yettt", "13120": "studies", "13121": "bearable", "13122": "carpets", "13123": "lova", "13124": "yiff", "13125": "ipa", "13126": "love", "13127": "stockton", "13128": "lovi", "13129": "ipo", "13130": "ipl", "13131": "bloody", "13132": "marvelous", "13133": "tommorrow", "13134": "lovr", "13135": "🚕", "13136": "forefront", "13137": "carol", "13138": "squirting", "13139": "kassy", "13140": "sunbathing", "13141": "4ish", "13142": "positive", "13143": "holibobs", "13144": "dangle", "13145": "predictions", "13146": "tightly", "13147": "imaginations", "13148": "cherished", "13149": "wondering", "13150": "calgary", "13151": "introducing", "13152": "shanice", "13153": "arvind", "13154": "afford", "13155": "apparent", "13156": "doppelganger", "13157": "odious", "13158": "monreal", "13159": "visual", "13160": "degrade", "13161": "springtime", "13162": "easiest", "13163": "behalf", "13164": "4yrs", "13165": "honey", "13166": "lifeeee", "13167": "valued", "13168": "scholes", "13169": "heineken", "13170": "lumberjack", "13171": "overloaded", "13172": "believer", "13173": "believes", "13174": "nether", "13175": "interracial", "13176": "vega", "13177": "values", "13178": "whatev", "13179": "slowness", "13180": "kendrick", "13181": "believed", "13182": "webster", "13183": "fandango", "13184": "frogs", "13185": "muah", "13186": "clang", "13187": "tmlt", "13188": "hides", "13189": "muay", "13190": "katsu", "13191": "agendas", "13192": "winter", "13193": "fpl", "13194": "grosser", "13195": "gasol", "13196": "alessa", "13197": "outt", "13198": "fps", "13199": "elephant", "13200": "grossed", "13201": "haveing", "13202": "alesso", "13203": "snaps", "13204": "datz", "13205": "datt", "13206": "blasting", "13207": "suuuuper", "13208": "spot", "13209": "dats", "13210": "applications", "13211": "sideline", "13212": "snape", "13213": "date", "13214": "data", "13215": "shockingly", "13216": "disagreeable", "13217": "supersonic", "13218": "sectors", "13219": "wheelchair", "13220": "applicant", "13221": "scrivener", "13222": "haterade", "13223": "definitions", "13224": "dreamland", "13225": "🏼", "13226": "scents", "13227": "kona", "13228": "haute", "13229": "epilepsy", "13230": "unacceptable", "13231": "kong", "13232": "hiring", "13233": "kellyanne", "13234": "greysanatomy", "13235": "bucking", "13236": "kanye", "13237": "braids", "13238": "tache", "13239": "solitary", "13240": "solace", "13241": "lackluster", "13242": "cleanest", "13243": "bagels", "13244": "hoho", "13245": "oakley", "13246": "attraction", "13247": "creations", "13248": "gatorade", "13249": "shudnt", "13250": "decades", "13251": "disturbingly", "13252": "petition", "13253": "militant", "13254": "gy", "13255": "matches", "13256": "pushover", "13257": "insomnia", "13258": "evacuation", "13259": "feelin", "13260": "records", "13261": "arriving", "13262": "griffith", "13263": "runners", "13264": "matched", "13265": "retrieved", "13266": "brody", "13267": "revert", "13268": "broda", "13269": "bowling", "13270": "reverb", "13271": "repaired", "13272": "revere", "13273": "muke", "13274": "midlife", "13275": "✉", "13276": "revised", "13277": "bellas", "13278": "boosie", "13279": "breakthrough", "13280": "stanning", "13281": "crowding", "13282": "giddy", "13283": "hcs", "13284": "canvas", "13285": "workaholic", "13286": "container", "13287": "highways", "13288": "rounding", "13289": "bundesliga", "13290": "lowlife", "13291": "hcc", "13292": "contained", "13293": "suggesting", "13294": "sightseeing", "13295": "bordering", "13296": "foxtel", "13297": "dodgers", "13298": "sheffield", "13299": "million", "13300": "itttt", "13301": "dokie", "13302": "possibility", "13303": "abdomen", "13304": "intensely", "13305": "lahren", "13306": "___", "13307": "prefered", "13308": "idkkkk", "13309": "disguised", "13310": "collapsing", "13311": "tasting", "13312": "gaff", "13313": "ostrich", "13314": "impure", "13315": "livingston", "13316": "bothersome", "13317": "misused", "13318": "intuition", "13319": "scorers", "13320": "muchh", "13321": "petulant", "13322": "potter", "13323": "mucho", "13324": "settin", "13325": "chubbs", "13326": "vote", "13327": "chubby", "13328": "potted", "13329": "yeahhhhhhhh", "13330": "sayed", "13331": "bios", "13332": "🐪", "13333": "aniya", "13334": "subhanallah", "13335": "indicate", "13336": "2", "13337": "typing", "13338": "drugstore", "13339": "floppy", "13340": "boomtown", "13341": "fashoo", "13342": "padding", "13343": "gcses", "13344": "representing", "13345": "duuuuh", "13346": "watup", "13347": "badasses", "13348": "rival", "13349": "future", "13350": "opens", "13351": "existance", "13352": "scuba", "13353": "prospect", "13354": "hungryyyy", "13355": "tasted", "13356": "nicer", "13357": "parkrun", "13358": "nicee", "13359": "tastes", "13360": "taster", "13361": "lurking", "13362": "mangas", "13363": "yeeeah", "13364": "serials", "13365": "sketchers", "13366": "sanctimonious", "13367": "uuuuuu", "13368": "wronged", "13369": "taka", "13370": "jefferson", "13371": "take", "13372": "altered", "13373": "evernote", "13374": "eldest", "13375": "blowers", "13376": "abut", "13377": "slurred", "13378": "nyah", "13379": "microwaved", "13380": "ps4s", "13381": "axs", "13382": "badu", "13383": "stilts", "13384": "adri", "13385": "mangala", "13386": "infections", "13387": "dweebs", "13388": "crooked", "13389": "bade", "13390": "badd", "13391": "bada", "13392": "axe", "13393": "axl", "13394": "fifa", "13395": "madison", "13396": "surplus", "13397": "circulating", "13398": "mince", "13399": "deco", "13400": "fife", "13401": "multiverse", "13402": "☜", "13403": "xml", "13404": "fibre", "13405": "merlin", "13406": "farting", "13407": "unkind", "13408": "roby", "13409": "risers", "13410": "erykah", "13411": "crazyy", "13412": "theopen", "13413": "robs", "13414": "robo", "13415": "hockey", "13416": "equipped", "13417": "caroling", "13418": "robe", "13419": "caroline", "13420": "clawing", "13421": "robb", "13422": "carolina", "13423": "inspirits", "13424": "atticus", "13425": "beatrice", "13426": "geting", "13427": "countered", "13428": "hooped", "13429": "cursing", "13430": "infallible", "13431": "hooper", "13432": "laguna", "13433": "r5family", "13434": "maniacal", "13435": "assimilate", "13436": "uz", "13437": "toads", "13438": "bojan", "13439": "midfield", "13440": "bombs", "13441": "liable", "13442": "yayyyyyyyy", "13443": "powerade", "13444": "surgeries", "13445": "xmas", "13446": "hahhaha", "13447": "gout", "13448": "burrows", "13449": "espn", "13450": "raged", "13451": "dived", "13452": "shawol", "13453": "cin", "13454": "espy", "13455": "surgery", "13456": "dives", "13457": "diver", "13458": "rager", "13459": "rages", "13460": "mecca", "13461": "cis", "13462": "enlightening", "13463": "paired", "13464": "sideburns", "13465": "bootleg", "13466": "caturday", "13467": "goers", "13468": "teeny", "13469": "webkinz", "13470": "compilations", "13471": "techs", "13472": "affecting", "13473": "teens", "13474": "happyyy", "13475": "civ", "13476": "inappropriately", "13477": "cantaloupe", "13478": "marvin", "13479": "charmer", "13480": "supermarket", "13481": "biebers", "13482": "reigns", "13483": "jets", "13484": "undermine", "13485": "pharma", "13486": "charlottes", "13487": "marseille", "13488": "bwahaha", "13489": "deduction", "13490": "loudly", "13491": "horsham", "13492": "mosaic", "13493": "chorizo", "13494": "ub", "13495": "expression", "13496": "desist", "13497": "twix", "13498": "twit", "13499": "ballance", "13500": "shannen", "13501": "ants", "13502": "nooooo", "13503": "antm", "13504": "twin", "13505": "anti", "13506": "anth", "13507": "noooow", "13508": "ante", "13509": "twig", "13510": "pullacracker", "13511": "fj", "13512": "derozan", "13513": "combines", "13514": "booms", "13515": "teddy", "13516": "toothpaste", "13517": "agentsofshield", "13518": "vacation", "13519": "injustices", "13520": "breath", "13521": "combined", "13522": "barian", "13523": "crawford", "13524": "detach", "13525": "shortlist", "13526": "benoit", "13527": "unsafe", "13528": "thousand", "13529": "singalong", "13530": "antivirus", "13531": "chao", "13532": "rooftops", "13533": "🍔", "13534": "bonjour", "13535": "ethier", "13536": "felling", "13537": "snapbacks", "13538": "char", "13539": "isabella", "13540": "isabelle", "13541": "techy", "13542": "resturant", "13543": "arzaylea", "13544": "overcome", "13545": "shanti", "13546": "girth", "13547": "perpetuate", "13548": "wp8", "13549": "thatll", "13550": "shepard", "13551": "broz", "13552": "brow", "13553": "candace", "13554": "backkkkkk", "13555": "bros", "13556": "berra", "13557": "brom", "13558": "tubman", "13559": "broo", "13560": "bron", "13561": "broh", "13562": "ambient", "13563": "toothache", "13564": "mercies", "13565": "suplex", "13566": "shuts", "13567": "rooting", "13568": "hxh", "13569": "spiraling", "13570": "worddd", "13571": "stfuu", "13572": "killme", "13573": "coconuts", "13574": "35pm", "13575": "damon", "13576": "embarrased", "13577": "workout", "13578": "cramming", "13579": "breakdown", "13580": "putin", "13581": "oceanside", "13582": "eunhae", "13583": "rotflmao", "13584": "̣", "13585": "❹da", "13586": "cheers", "13587": "bulletproof", "13588": "harris", "13589": "luckyyyyy", "13590": "disown", "13591": "granada", "13592": "costa", "13593": "escorts", "13594": "undefined", "13595": "pacino", "13596": "huntermoore", "13597": "bootyful", "13598": "vacant", "13599": "pacing", "13600": "costs", "13601": "pupusas", "13602": "trains", "13603": "genie", "13604": "flocka", "13605": "murda", "13606": "nessa", "13607": "morons", "13608": "lightweights", "13609": "ff7", "13610": "exaggerating", "13611": "smosh", "13612": "snarled", "13613": "elated", "13614": "darien", "13615": "weekly", "13616": "blondes", "13617": "blonder", "13618": "litte", "13619": "shrines", "13620": "kerala", "13621": "pov", "13622": "formative", "13623": "spankings", "13624": "littt", "13625": "armchair", "13626": "litty", "13627": "joyful", "13628": "skies", "13629": "por", "13630": "sodding", "13631": "neuer", "13632": "herrrr", "13633": "clan", "13634": "pon", "13635": "clam", "13636": "fossils", "13637": "autos", "13638": "poo", "13639": "trickshotting", "13640": "clad", "13641": "overhyped", "13642": "pol", "13643": "rightnow", "13644": "souvenirs", "13645": "millennials", "13646": "63", "13647": "clay", "13648": "beverly", "13649": "claw", "13650": "outsourced", "13651": "slings", "13652": "clap", "13653": "grouping", "13654": "thinkn", "13655": "banta", "13656": "hcafc", "13657": "marshawn", "13658": "replays", "13659": "lebanon", "13660": "pof", "13661": "wmds", "13662": "gilmore", "13663": "pog", "13664": "playin", "13665": "racial", "13666": "thinks", "13667": "jgh", "13668": "shahrukh", "13669": "gameofthrones", "13670": "dimensions", "13671": "jgn", "13672": "baylor", "13673": "riveting", "13674": "tube", "13675": "tobago", "13676": "moslem", "13677": "tuba", "13678": "tropes", "13679": "ac3", "13680": "ryans", "13681": "backline", "13682": "juggernaut", "13683": "ac4", "13684": "mosley", "13685": "jgs", "13686": "tubs", "13687": "luca", "13688": "unsuccessfully", "13689": "destroys", "13690": "accessing", "13691": "mmos", "13692": "contingent", "13693": "screenshotting", "13694": "malfunctioning", "13695": "boooom", "13696": "filo", "13697": "booooo", "13698": "sprung", "13699": "lucic", "13700": "ratios", "13701": "acoustic", "13702": "contracts", "13703": "cranking", "13704": "redding", "13705": "acc", "13706": "aca", "13707": "ace", "13708": "ack", "13709": "industry", "13710": "ach", "13711": "fightin", "13712": "fein", "13713": "acl", "13714": "dibs", "13715": "3times", "13716": "act", "13717": "bantu", "13718": "gesturing", "13719": "partied", "13720": "berger", "13721": "impregnate", "13722": "curling", "13723": "flawed", "13724": "image", "13725": "ferries", "13726": "marlins", "13727": "freaked", "13728": "fritters", "13729": "parties", "13730": "dwarves", "13731": "freaken", "13732": "bergen", "13733": "technically", "13734": "ididnt", "13735": "lollll", "13736": "niyah", "13737": "nyana", "13738": "munches", "13739": "hookers", "13740": "recommends", "13741": "mammals", "13742": "defrost", "13743": "warrington", "13744": "cloned", "13745": "cognac", "13746": "chutiya", "13747": "helicopter", "13748": "clones", "13749": "buying", "13750": "bundy", "13751": "505", "13752": "algorithm", "13753": "billups", "13754": "503", "13755": "dawg", "13756": "offsides", "13757": "pedestrians", "13758": "eifert", "13759": "bootiful", "13760": "politically", "13761": "torso", "13762": "agree", "13763": "swaggy", "13764": "gone", "13765": "ac", "13766": "ab", "13767": "ohh", "13768": "ad", "13769": "ag", "13770": "af", "13771": "ai", "13772": "ah", "13773": "ak", "13774": "aj", "13775": "am", "13776": "al", "13777": "ao", "13778": "an", "13779": "aq", "13780": "ap", "13781": "as", "13782": "ar", "13783": "au", "13784": "at", "13785": "aw", "13786": "hobbies", "13787": "ay", "13788": "ax", "13789": "az", "13790": "ohp", "13791": "ohs", "13792": "loooll", "13793": "beaming", "13794": "isss", "13795": "novice", "13796": "wheaton", "13797": "whiners", "13798": "cp3", "13799": "scoreless", "13800": "shaun", "13801": "blessing", "13802": "congress", "13803": "annex", "13804": "rhett", "13805": "slant", "13806": "a1", "13807": "herbs", "13808": "a3", "13809": "a2", "13810": "a5", "13811": "a4", "13812": "a7", "13813": "a6", "13814": "a9", "13815": "a8", "13816": "slang", "13817": "dryers", "13818": "6p", "13819": "gastric", "13820": "holed", "13821": "cpl", "13822": "35x35", "13823": "cpa", "13824": "cpc", "13825": "cpd", "13826": "whovian", "13827": "mimic", "13828": "hushed", "13829": "cpr", "13830": "cps", "13831": "cpt", "13832": "original", "13833": "mayans", "13834": "jaja", "13835": "bvs", "13836": "externally", "13837": "instincts", "13838": "standup", "13839": "bulma", "13840": "della", "13841": "baldhead", "13842": "upkeep", "13843": "fairness", "13844": "revolting", "13845": "reasoning", "13846": "particles", "13847": "disciples", "13848": "pornographic", "13849": "ankara", "13850": "ramadhan", "13851": "dribble", "13852": "hillsborough", "13853": "alvarez", "13854": "dressing", "13855": "cocker", "13856": "broaden", "13857": "ghana", "13858": "puzzled", "13859": "moreland", "13860": "puzzles", "13861": "candid", "13862": "tatted", "13863": "interpreting", "13864": "manageable", "13865": "garbo", "13866": "condition", "13867": "`", "13868": "shania", "13869": "columbine", "13870": "accompanying", "13871": "marvellous", "13872": "overprotective", "13873": "deja", "13874": "scrapping", "13875": "humongous", "13876": "antibiotic", "13877": "lecturing", "13878": "penalties", "13879": "sync", "13880": "assaults", "13881": "situated", "13882": "mcnabb", "13883": "villanova", "13884": "genious", "13885": "section", "13886": "🌭", "13887": "burgundy", "13888": "reproduction", "13889": "nurse", "13890": "luxuries", "13891": "contrast", "13892": "hitchin", "13893": "bumming", "13894": "vomiting", "13895": "hours", "13896": "smartest", "13897": "gilgamesh", "13898": "backlash", "13899": "popeye", "13900": "yaayyy", "13901": "solid", "13902": "razz", "13903": "❥", "13904": "sender", "13905": "woooah", "13906": "pict", "13907": "glows", "13908": "fergus", "13909": "pics", "13910": "pico", "13911": "hamster", "13912": "skyrocket", "13913": "pick", "13914": "action", "13915": "smuggle", "13916": "picc", "13917": "strolling", "13918": "marriages", "13919": "todayyyy", "13920": "indoors", "13921": "coercion", "13922": "yeaahhh", "13923": "iglesias", "13924": "archived", "13925": "850", "13926": "ridding", "13927": "kaitlyn", "13928": "pippa", "13929": "petroleum", "13930": "archives", "13931": "pitching", "13932": "calum5sos", "13933": "reminiscing", "13934": "hottt", "13935": "hotty", "13936": "spoilt", "13937": "spoils", "13938": "caca", "13939": "coyote", "13940": "cack", "13941": "cunning", "13942": "evolves", "13943": "keeping", "13944": "carelessly", "13945": "science", "13946": "farted", "13947": "bbmzansi", "13948": "indicating", "13949": "evolved", "13950": "cackled", "13951": "beautiful", "13952": "bb10", "13953": "bb17", "13954": "bb16", "13955": "bb15", "13956": "stated", "13957": "rodriguez", "13958": "rustled", "13959": "bb18", "13960": "neglected", "13961": "staten", "13962": "accept", "13963": "fiving", "13964": "autumn", "13965": "sense", "13966": "gallon", "13967": "stopppp", "13968": "tapestry", "13969": "axis", "13970": "information", "13971": "dazzle", "13972": "clint", "13973": "browne", "13974": "dearborn", "13975": "earnings", "13976": "cling", "13977": "yupppp", "13978": "browns", "13979": "clink", "13980": "unattended", "13981": "shawtyy", "13982": "creature", "13983": "upto", "13984": "perrie", "13985": "includes", "13986": "countryside", "13987": "notre", "13988": "wiley", "13989": "greenwald", "13990": "mapping", "13991": "entrepreneurship", "13992": "whippin", "13993": "heckle", "13994": "revolutions", "13995": "backyard", "13996": "evaluations", "13997": "diggers", "13998": "acquisitions", "13999": "messaged", "14000": "deviled", "14001": "sellin", "14002": "roberson", "14003": "hauling", "14004": "wrench", "14005": "deafening", "14006": "geographic", "14007": "fender", "14008": "pans", "14009": "rottweiler", "14010": "mexican", "14011": "cockiness", "14012": "radios", "14013": "pant", "14014": "fraser", "14015": "unsolved", "14016": "sinning", "14017": "pang", "14018": "4ft", "14019": "pani", "14020": "heechul", "14021": ">", "14022": "libby", "14023": "pronto", "14024": "polarizing", "14025": "deeds", "14026": "minerals", "14027": "wildcats", "14028": "jeonghan", "14029": "travelling", "14030": "unclean", "14031": "motherfuckin", "14032": "mathis", "14033": "skipped", "14034": "balotelli", "14035": "propose", "14036": "fios", "14037": "shemar", "14038": "pegasus", "14039": "olivia", "14040": "skipper", "14041": "rosalina", "14042": "misuse", "14043": "buffering", "14044": "odin", "14045": "hotdogs", "14046": "alwayz", "14047": "okafor", "14048": "likeness", "14049": "always", "14050": "troubleshoot", "14051": "truths", "14052": "osiris", "14053": "westham", "14054": "swimsuit", "14055": "tra", "14056": "starkville", "14057": "uploads", "14058": "experiencing", "14059": "righto", "14060": "disorganized", "14061": "yehey", "14062": "week", "14063": "bends", "14064": "accelerator", "14065": "eyelash", "14066": "throwin", "14067": "bendy", "14068": "clockwork", "14069": "lombardi", "14070": "tamaki", "14071": "shoreditch", "14072": "try", "14073": "neanderthal", "14074": "missed", "14075": "bcci", "14076": "mattered", "14077": "tiramisu", "14078": "misses", "14079": "streaking", "14080": "signings", "14081": "leagueoflegends", "14082": "ministerial", "14083": "weeb", "14084": "jamesarthur23", "14085": "darling", "14086": "bubba", "14087": "highway", "14088": "lutz", "14089": "drifting", "14090": "porcelain", "14091": "sparked", "14092": "longboarding", "14093": "capn", "14094": "proxy", "14095": "acorn", "14096": "imagine", "14097": "trs", "14098": "", "14099": "👑", "14100": "summerfest", "14101": "positioning", "14102": "statutory", "14103": "iftar", "14104": "w", "14105": "bumper", "14106": "geographically", "14107": "reversing", "14108": "guac", "14109": "sinclair", "14110": "slipped", "14111": "historian", "14112": "guam", "14113": "number", "14114": "slipper", "14115": "murmured", "14116": "overdramatic", "14117": "ethereal", "14118": "guap", "14119": "🐚", "14120": "hppy", "14121": "unexplained", "14122": "", "14123": "heads", "14124": "970", "14125": "smartie", "14126": "threatening", "14127": "heady", "14128": "checkpoint", "14129": "flimsy", "14130": "spock", "14131": "erupted", "14132": "magnums", "14133": "doeeeee", "14134": "hyperventilating", "14135": "niang", "14136": "sympathies", "14137": "relationship", "14138": "fasting", "14139": "immediate", "14140": "appreciation", "14141": "allkpop", "14142": "consult", "14143": "focusing", "14144": "shrimps", "14145": "rampant", "14146": "grace", "14147": "obama", "14148": "observatory", "14149": "determines", "14150": "iranian", "14151": "mcfly", "14152": "freud", "14153": "determined", "14154": "marriage", "14155": "sinned", "14156": "remembers", "14157": "bhi", "14158": "yha", "14159": "livers", "14160": "bho", "14161": "marlena", "14162": "fights", "14163": "‍", "14164": "livery", "14165": "chantel", "14166": "nonono", "14167": "qpr", "14168": "crackhead", "14169": "bhs", "14170": "eureka", "14171": "bht", "14172": "ballerina", "14173": "silvers", "14174": "javert", "14175": "foals", "14176": "h20", "14177": "sherwood", "14178": "chuuu", "14179": "analogy", "14180": "villager", "14181": "iaint", "14182": "play", "14183": "yhat", "14184": "relied", "14185": "effecting", "14186": "plat", "14187": "yawn", "14188": "yawl", "14189": "yawk", "14190": "plan", "14191": "sarge", "14192": "funnier", "14193": "funnies", "14194": "exe", "14195": "unequal", "14196": "sharkweek", "14197": "exo", "14198": "cover", "14199": "coven", "14200": "h2o", "14201": "tps", "14202": "exs", "14203": "exp", "14204": "tpp", "14205": "asus", "14206": "hyrule", "14207": "sinner", "14208": "attacking", "14209": "asuu", "14210": "multimedia", "14211": "hrithik", "14212": "somewhat", "14213": "hipped", "14214": "dicaprio", "14215": "repub", "14216": "midwestern", "14217": "session", "14218": "rufus", "14219": "bjp4india", "14220": "uppppp", "14221": "hornets", "14222": "🤞", "14223": "impact", "14224": "2maro", "14225": "indicator", "14226": "condos", "14227": "shitshow", "14228": "💫", "14229": "undying", "14230": "failed", "14231": "bastion", "14232": "condom", "14233": "turnaround", "14234": "cowan", "14235": "tricia", "14236": "magicians", "14237": "krewella", "14238": "dandelion", "14239": "ayyyeeee", "14240": "remedial", "14241": "preparing", "14242": "closely", "14243": "dustin", "14244": "⃣", "14245": "sleeve", "14246": "blackpink", "14247": "stirling", "14248": "libtards", "14249": "thots", "14250": "croatia", "14251": "couriers", "14252": "obscure", "14253": "arya", "14254": "frosties", "14255": "sew", "14256": "sev", "14257": "set", "14258": "ses", "14259": "ser", "14260": "sameeeee", "14261": "sep", "14262": "overwhelm", "14263": "", "14264": "sez", "14265": "bungie", "14266": "sex", "14267": "sef", "14268": "see", "14269": "sed", "14270": "sec", "14271": "lolololol", "14272": "sea", "14273": "polish", "14274": "seo", "14275": "sen", "14276": "sem", "14277": "sel", "14278": "outward", "14279": "sei", "14280": "seh", "14281": "vitamins", "14282": "muted", "14283": "taming", "14284": "soulmate", "14285": "avoidance", "14286": "nope", "14287": "mutes", "14288": "ikaw", "14289": "hecka", "14290": "tristan", "14291": "spoiled", "14292": "fidgets", "14293": "torchwood", "14294": "hecks", "14295": "selectively", "14296": "swt", "14297": "ahoy", "14298": "hecky", "14299": "moneyy", "14300": "pagan", "14301": "pagal", "14302": "liters", "14303": "imessages", "14304": "scams", "14305": "bridgette", "14306": "goverment", "14307": "cleverley", "14308": "whole", "14309": "lanyard", "14310": "electrician", "14311": "drunk", "14312": "celeste", "14313": "forklift", "14314": "smashing", "14315": "community", "14316": "hollow", "14317": "leos", "14318": "agents", "14319": "lfcc", "14320": "townhouse", "14321": "worthless", "14322": "filth", "14323": "acceptance", "14324": "hitting", "14325": "unpatriotic", "14326": "citations", "14327": "dident", "14328": "pistons", "14329": "assassinated", "14330": "firm", "14331": "kunta", "14332": "sobriety", "14333": "maken", "14334": "fire", "14335": "wheeler", "14336": "funy", "14337": "fund", "14338": "insiders", "14339": "towns", "14340": "funn", "14341": "funi", "14342": "wheeled", "14343": "funk", "14344": "tweaked", "14345": "letz", "14346": "rogan", "14347": "bfr", "14348": "judicial", "14349": "stripclubs", "14350": "sesame", "14351": "formats", "14352": "megalodon", "14353": "dominic", "14354": "ross", "14355": "huffington", "14356": "comeover", "14357": "fufufu", "14358": "owee", "14359": "owed", "14360": "motd", "14361": "mote", "14362": "moth", "14363": "withdraw", "14364": "owen", "14365": "gangstas", "14366": "motm", "14367": "moto", "14368": "swagg", "14369": "mott", "14370": "owes", "14371": "🆘", "14372": "vanish", "14373": "lautner", "14374": "saddening", "14375": "audi", "14376": "funny", "14377": "decor", "14378": "churn", "14379": "choking", "14380": "maids", "14381": "elevated", "14382": "aleppo", "14383": "bloodlines", "14384": "pecking", "14385": "2030", "14386": "funna", "14387": "delhi", "14388": "yeeah", "14389": "pikachu", "14390": "ddlovato", "14391": "ziti", "14392": "maws", "14393": "doan", "14394": "levels", "14395": "cucumber", "14396": "mavis", "14397": "electrolytes", "14398": "focal", "14399": "recent", "14400": "canned", "14401": "oddest", "14402": "regretting", "14403": "regulating", "14404": "dets", "14405": "cannes", "14406": "clearance", "14407": "ozzie", "14408": "sims", "14409": "sperrys", "14410": "simp", "14411": "theek", "14412": "woodward", "14413": "theee", "14414": "labeouf", "14415": "boer", "14416": "rumbling", "14417": "plagued", "14418": "mysql", "14419": "goig", "14420": "simi", "14421": "wearable", "14422": "heisman", "14423": "relevancy", "14424": "unfriended", "14425": "uberfacts", "14426": "lutely", "14427": "chest", "14428": "pillars", "14429": "hues", "14430": "snappy", "14431": "location", "14432": "homeland", "14433": "dhat", "14434": "relevance", "14435": "huey", "14436": "🙀", "14437": "bæ", "14438": "clutches", "14439": "victims", "14440": "swearrr", "14441": "demands", "14442": "instructors", "14443": "imovie", "14444": "wilkins", "14445": "clutched", "14446": "hallucinate", "14447": "nationalist", "14448": "lunacy", "14449": "lanie", "14450": "overpower", "14451": "pertinent", "14452": "rushers", "14453": "allllllll", "14454": "whattttttt", "14455": "kimbo", "14456": "arnaizsilvia", "14457": "mcgraw", "14458": "reduces", "14459": "melville", "14460": "lenin", "14461": "dempster", "14462": "sheraton", "14463": "towed", "14464": "sighh", "14465": "muthafuckas", "14466": "b4", "14467": "sighs", "14468": "faried", "14469": "sight", "14470": "b3", "14471": "civilisation", "14472": "sheesh", "14473": "irresistible", "14474": "yungin", "14475": "ursula", "14476": "stabler", "14477": "twinkle", "14478": "jokingly", "14479": "prosecuted", "14480": "inclination", "14481": "bd", "14482": "be", "14483": "bf", "14484": "bg", "14485": "ba", "14486": "bb", "14487": "bc", "14488": "bl", "14489": "bm", "14490": "bn", "14491": "bo", "14492": "bh", "14493": "agreement", "14494": "bj", "14495": "bk", "14496": "bt", "14497": "bu", "14498": "bv", "14499": "bw", "14500": "bp", "14501": "br", "14502": "darkskin", "14503": "santo", "14504": "tidal", "14505": "bx", "14506": "by", "14507": "santi", "14508": "wildlife", "14509": "anything", "14510": "higuain", "14511": "nosebleed", "14512": "hatches", "14513": "soshi", "14514": "ambush", "14515": "forgave", "14516": "doyeon", "14517": "sdlive", "14518": "hatched", "14519": "outtttt", "14520": "every1", "14521": "takumi", "14522": "hemingway", "14523": "integral", "14524": "doubters", "14525": "thrusday", "14526": "primarily", "14527": "jonny", "14528": "ronpa", "14529": "binged", "14530": "criticisms", "14531": "¥", "14532": "arcade", "14533": "retrieving", "14534": "driscoll", "14535": "dizzle", "14536": "whaaaaaa", "14537": "bargaining", "14538": "kxip", "14539": "specifically", "14540": "occupy", "14541": "awks", "14542": "milne", "14543": "renovation", "14544": "rhetorical", "14545": "butters", "14546": "jewish", "14547": "relaxed", "14548": "tally", "14549": "buttery", "14550": "pastor", "14551": "vlogs", "14552": "lino", "14553": "archaic", "14554": "link", "14555": "ling", "14556": "line", "14557": "lind", "14558": "relaxer", "14559": "relaxes", "14560": "lina", "14561": "specsavers", "14562": "josiah", "14563": "imps", "14564": "nieces", "14565": "impt", "14566": "redeemed", "14567": "concussed", "14568": "horned", "14569": "customers", "14570": "dropkick", "14571": "mature", "14572": "hornet", "14573": "pfa", "14574": "sxc", "14575": "supervisor", "14576": "butthead", "14577": "armstrong", "14578": "🥀", "14579": "defined", "14580": "reallllly", "14581": "monsta", "14582": "slaughterhouse", "14583": "wove", "14584": "troublemaker", "14585": "nationalism", "14586": "takedown", "14587": "defines", "14588": "phantom", "14589": "coder", "14590": "codes", "14591": "nthng", "14592": "preventing", "14593": "actors", "14594": "swirl", "14595": "exum", "14596": "sails", "14597": "scurred", "14598": "wrongly", "14599": "hakyeon", "14600": "hives", "14601": "highbury", "14602": "sided", "14603": "faintly", "14604": "robots", "14605": "actuall", "14606": "๑", "14607": "quetta", "14608": "bodily", "14609": "meals", "14610": "hackney", "14611": "rosé", "14612": "♡", "14613": "hells", "14614": "tailored", "14615": "smaug", "14616": "hellz", "14617": "summin", "14618": "rescued", "14619": "helly", "14620": "walked", "14621": "sawyer", "14622": "ported", "14623": "summit", "14624": "walker", "14625": "hello", "14626": "helll", "14627": "essay", "14628": "hampton", "14629": "code", "14630": "squats", "14631": "results", "14632": "kamen", "14633": "actualy", "14634": "shim", "14635": "cods", "14636": "shrugged", "14637": "shoelaces", "14638": "cody", "14639": "ulit", "14640": "ulis", "14641": "description", "14642": "sena", "14643": "migo", "14644": "send", "14645": "migs", "14646": "bakit", "14647": "citing", "14648": "tord", "14649": "byeeeeee", "14650": "sens", "14651": "dislike", "14652": "dancehall", "14653": "sent", "14654": "pestering", "14655": "unzip", "14656": "garden", "14657": "tulsa", "14658": "👈", "14659": "llamf", "14660": "cod4", "14661": "heartattack", "14662": "llama", "14663": "lerman", "14664": "subreddit", "14665": "categories", "14666": "treaties", "14667": "divulge", "14668": "jackasses", "14669": "liza", "14670": "trudeau", "14671": "freee", "14672": "jobber", "14673": "obesity", "14674": "mebbe", "14675": "logistics", "14676": "mehhh", "14677": "ulster", "14678": "fathead", "14679": "mediterranean", "14680": "milano", "14681": "tora", "14682": "scrabble", "14683": "nigel_farage", "14684": "incidentally", "14685": "ues", "14686": "noooope", "14687": "index", "14688": "twine", "14689": "nevada", "14690": "hissy", "14691": "mollie", "14692": "anton", "14693": "shivers", "14694": "twink", "14695": "taylorswift", "14696": "twins", "14697": "firms", "14698": "birb", "14699": "bird", "14700": "sabo", "14701": "lea", "14702": "klingon", "14703": "led", "14704": "lee", "14705": "lef", "14706": "leg", "14707": "leh", "14708": "lei", "14709": "lek", "14710": "lel", "14711": "acnl", "14712": "len", "14713": "leo", "14714": "slogans", "14715": "les", "14716": "let", "14717": "⛔", "14718": "lev", "14719": "lew", "14720": "lex", "14721": "ley", "14722": "lez", "14723": "physiology", "14724": "shabbat", "14725": "engage", "14726": "jinnah", "14727": "agua", "14728": "lifeproof", "14729": "insulin", "14730": "residents", "14731": "stephanie", "14732": "debts", "14733": "sirf", "14734": "melina", "14735": "boyyyyy", "14736": "335", "14737": "siri", "14738": "masuk", "14739": "330", "14740": "333", "14741": "mariners", "14742": "sirr", "14743": "sirs", "14744": "kancolle", "14745": "gaurd", "14746": "standing", "14747": "sketchbook", "14748": "cheered", "14749": "recalling", "14750": "archbishop", "14751": "whipping", "14752": "ministers", "14753": "capri", "14754": "doubt", "14755": "etta", "14756": "confiscate", "14757": "leme", "14758": "webbie", "14759": "occurred", "14760": "labelled", "14761": "sharply", "14762": "joshane", "14763": "casserole", "14764": "insists", "14765": "reproduce", "14766": "rooney", "14767": "bahrain", "14768": "bens", "14769": "streamed", "14770": "bent", "14771": "benz", "14772": "trumped", "14773": "pisstake", "14774": "high", "14775": "☕", "14776": "streamer", "14777": "woodlands", "14778": "blvd", "14779": "mudding", "14780": "reynolds", "14781": "cuteee", "14782": "benn", "14783": "stana", "14784": "twitpic", "14785": "docking", "14786": "pentatonix", "14787": "reinstated", "14788": "muggle", "14789": "animal", "14790": "tiago", "14791": "hafiz", "14792": "npm", "14793": "cristal", "14794": "stow", "14795": "blocks", "14796": "aspiring", "14797": "stalkerish", "14798": "wallpaper", "14799": "usernames", "14800": "npc", "14801": "drawls", "14802": "notebook", "14803": "demonstrating", "14804": "iplayer", "14805": "tariffs", "14806": "idfk", "14807": "npr", "14808": "issa", "14809": "jenson", "14810": "nance", "14811": "prawns", "14812": "selectors", "14813": "acquitted", "14814": "méxico", "14815": "allot", "14816": "allow", "14817": "intellectuals", "14818": "jeez", "14819": "issy", "14820": "sitch", "14821": "standin", "14822": "comms", "14823": "salivating", "14824": "vma", "14825": "comme", "14826": "whoooooo", "14827": "comma", "14828": "thinning", "14829": "vms", "14830": "operative", "14831": "woukd", "14832": "nayeon", "14833": "recreating", "14834": "realllly", "14835": "shudder", "14836": "geocaching", "14837": "hobbs", "14838": "spoiling", "14839": "drumline", "14840": "puerto", "14841": "lifeeeee", "14842": "realllll", "14843": "kise", "14844": "empanadas", "14845": "designs", "14846": "knick", "14847": "seatbelt", "14848": "python", "14849": "nada", "14850": "tsubasa", "14851": "nade", "14852": "harrisburg", "14853": "kiss", "14854": "homieee", "14855": "nads", "14856": "phonecall", "14857": "mysteries", "14858": "nadu", "14859": "annotate", "14860": "installment", "14861": "irks", "14862": "sucess", "14863": "ㅠ", "14864": "ohhhhhh", "14865": "merge", "14866": "delightful", "14867": "happydays", "14868": "councillors", "14869": "kpk", "14870": "beginner", "14871": "awesomest", "14872": "perffff", "14873": "shiv", "14874": "syringe", "14875": "frequency", "14876": "thirteen", "14877": "banal", "14878": "degale", "14879": "agriculture", "14880": "wander", "14881": "hawu", "14882": "cesc", "14883": "turnbullmalcolm", "14884": "populace", "14885": "microscope", "14886": "venom", "14887": "softly", "14888": "🔵", "14889": "favours", "14890": "shulk", "14891": "siriusxm", "14892": "vertonghen", "14893": "interactions", "14894": "yawns", "14895": "्", "14896": "inhaling", "14897": "swaps", "14898": "hogwarts", "14899": "surely", "14900": "👟", "14901": "godfrey", "14902": "dismantled", "14903": "shuld", "14904": "spill", "14905": "latches", "14906": "replaying", "14907": "davie", "14908": "david", "14909": "davis", "14910": "yuup", "14911": "yuuu", "14912": "shucks", "14913": "latched", "14914": "spilt", "14915": "kendall", "14916": "ihy", "14917": "inching", "14918": "yinz", "14919": "blown", "14920": "450", "14921": "451", "14922": "454", "14923": "owned", "14924": "jesus", "14925": "straining", "14926": "ponce", "14927": "owner", "14928": "blows", "14929": "ying", "14930": "summaries", "14931": "marrow", "14932": "legislative", "14933": "sharon", "14934": "shiiii", "14935": "nopeeee", "14936": "fuckery", "14937": "rockstar", "14938": "fuckers", "14939": "percussion", "14940": "gcse", "14941": "roastin", "14942": "norton", "14943": "spaceship", "14944": "painful", "14945": "adopts", "14946": "veon", "14947": "rockwell", "14948": "fanduel", "14949": "megan", "14950": "45k", "14951": "thresh", "14952": "45m", "14953": "uconn", "14954": "botox", "14955": "steel", "14956": "colleagues", "14957": "buttocks", "14958": "steed", "14959": "tortured", "14960": "mna", "14961": "steez", "14962": "briefing", "14963": "steep", "14964": "torrent", "14965": "steer", "14966": "muchhhh", "14967": "stlcards", "14968": "shittest", "14969": "muir", "14970": "beeeeen", "14971": "spelled", "14972": "quietest", "14973": "carlito", "14974": "speller", "14975": "relic", "14976": "blockbuster", "14977": "clearly", "14978": "chunji", "14979": "necessities", "14980": "prezzie", "14981": "documents", "14982": "soak", "14983": "studying", "14984": "probly", "14985": "mechanism", "14986": "demolished", "14987": "latina", "14988": "latino", "14989": "lipton", "14990": "soap", "14991": "soar", "14992": "lancaster", "14993": "vocaloid", "14994": "claremont", "14995": "bondi", "14996": "tanaka", "14997": "🍛", "14998": "miri", "14999": "medal", "15000": "socializing", "15001": "niggga", "15002": "godlike", "15003": "shaven", "15004": "keyring", "15005": "ramzan", "15006": "becareful", "15007": "oldman", "15008": "noire", "15009": "hunnid", "15010": "biked", "15011": "ingress", "15012": "gunsense", "15013": "meeeeeeeeeee", "15014": "biker", "15015": "bikes", "15016": "manchester", "15017": "lloyd", "15018": "asylum", "15019": "umpiring", "15020": "hops", "15021": "knoooow", "15022": "softens", "15023": "planted", "15024": "molecules", "15025": "maggots", "15026": "sais", "15027": "bourbon", "15028": "aslong", "15029": "mayors", "15030": "hope", "15031": "nuances", "15032": "exchanged", "15033": "sweetie", "15034": "intellectually", "15035": "scram", "15036": "exchanges", "15037": "1020", "15038": "spammers", "15039": "rondo", "15040": "grrrr", "15041": "committees", "15042": "undergrad", "15043": "lala", "15044": "⚓", "15045": "reid", "15046": "kingsland", "15047": "lalu", "15048": "rein", "15049": "handstand", "15050": "crocheting", "15051": "temporarily", "15052": "pehle", "15053": "creationist", "15054": "catastrophic", "15055": "heartburn", "15056": "edition", "15057": "defenseman", "15058": "slanted", "15059": "generational", "15060": "snapchatting", "15061": "🚜", "15062": "deflecting", "15063": "heaters", "15064": "lyon", "15065": "superhero", "15066": "interacting", "15067": "amtrak", "15068": "gdemo", "15069": "partisan", "15070": "injustice", "15071": "email", "15072": "reinhardt", "15073": "classless", "15074": "faceless", "15075": "slowpoke", "15076": "uhoh", "15077": "ignorance", "15078": "afridi", "15079": "historians", "15080": "restrictions", "15081": "tantrum", "15082": "figured", "15083": "drum", "15084": "kofi", "15085": "drug", "15086": "jodi", "15087": "figures", "15088": "volley", "15089": "jumbotron", "15090": "duda", "15091": "ck", "15092": "cj", "15093": "adjusted", "15094": "ch", "15095": "co", "15096": "cn", "15097": "cm", "15098": "cl", "15099": "cc", "15100": "cb", "15101": "ca", "15102": "cg", "15103": "cf", "15104": "ce", "15105": "cd", "15106": "cz", "15107": "cy", "15108": "cx", "15109": "songg", "15110": "crafted", "15111": "cs", "15112": "cr", "15113": "allocated", "15114": "cp", "15115": "cw", "15116": "cv", "15117": "cu", "15118": "ct", "15119": "yeoo", "15120": "gillette", "15121": "yeol", "15122": "trajectory", "15123": "farah", "15124": "rochelle", "15125": "2019", "15126": "hottest", "15127": "⚽", "15128": "faraz", "15129": "preworkout", "15130": "yhur", "15131": "rioting", "15132": "digifest", "15133": "edo", "15134": "5555", "15135": "2015", "15136": "c9", "15137": "c8", "15138": "roasting", "15139": "c3", "15140": "c2", "15141": "atlanta", "15142": "gunpowder", "15143": "c5", "15144": "c4", "15145": "yuuuup", "15146": "theyve", "15147": "laser", "15148": "tsuki", "15149": "freeport", "15150": "smhh", "15151": "delet", "15152": "expiration", "15153": "rigged", "15154": "maul", "15155": "gurrl", "15156": "ripe", "15157": "salma", "15158": "bursted", "15159": "delaying", "15160": "lush", "15161": "surprisingly", "15162": "fiat", "15163": "lust", "15164": "partynextdoor", "15165": "jenner", "15166": "glared", "15167": "hubbard", "15168": "s2g", "15169": "highlighter", "15170": "tahir", "15171": "stunk", "15172": "romance", "15173": "verne", "15174": "glares", "15175": "exactlyyyy", "15176": "outlined", "15177": "balo", "15178": "phi", "15179": "ball", "15180": "pho", "15181": "phn", "15182": "bali", "15183": "dusk", "15184": "bale", "15185": "bald", "15186": "bala", "15187": "phd", "15188": "phx", "15189": "anfield", "15190": "padres", "15191": "robotic", "15192": "dust", "15193": "lolllllll", "15194": "overalls", "15195": "php", "15196": "discounted", "15197": "disrupted", "15198": "omgomgomg", "15199": "colour", "15200": "harts", "15201": "command", "15202": "pregaming", "15203": "gully", "15204": "bananas", "15205": "maggot", "15206": "moments", "15207": "maslow", "15208": "mapleleafs", "15209": "winnin", "15210": "roza", "15211": "waterboy", "15212": "glue", "15213": "unplugged", "15214": "generous", "15215": "residential", "15216": "wasgood", "15217": "changjo", "15218": "appeared", "15219": "cdfu", "15220": "refering", "15221": "birthdaaaay", "15222": "teriyaki", "15223": "5mil", "15224": "innocents", "15225": "motherwell", "15226": "chancellor", "15227": "famously", "15228": "headlining", "15229": "bxtch", "15230": "bootyhole", "15231": "mhm", "15232": "crisp", "15233": "onion", "15234": "criss", "15235": "bigotry", "15236": "mha", "15237": "digestives", "15238": "mhs", "15239": "replacement", "15240": "indications", "15241": "murk", "15242": "ballon", "15243": "brash", "15244": "foreseeable", "15245": "conflate", "15246": "footage", "15247": "thief", "15248": "splinter", "15249": "speakerryan", "15250": "thier", "15251": "murr", "15252": "murs", "15253": "ballot", "15254": "cribbo", "15255": "transport", "15256": "hwk", "15257": "warnock", "15258": "quidditch", "15259": "kitties", "15260": "disbelief", "15261": "hoarder", "15262": "everythang", "15263": "avoid", "15264": "fedex", "15265": "shortie", "15266": "swifty", "15267": "forgiven", "15268": "swifts", "15269": "compromising", "15270": "benefitted", "15271": "128gb", "15272": "evaaaa", "15273": "immobile", "15274": "stage", "15275": "gained", "15276": "sister", "15277": "tswift", "15278": "iknow", "15279": "ingest", "15280": "idolize", "15281": "angeles", "15282": "seeds", "15283": "gainer", "15284": "gaines", "15285": "seedy", "15286": "diabolical", "15287": "burma", "15288": "alliance", "15289": "libertarians", "15290": "thaaaank", "15291": "jingles", "15292": "booed", "15293": "indirected", "15294": "flailing", "15295": "commitment", "15296": "touchin", "15297": "swimmers", "15298": "gauhar", "15299": "babbby", "15300": "cradling", "15301": "📹", "15302": "akhi", "15303": "housing", "15304": "disapproval", "15305": "stamina", "15306": "ashton5sos", "15307": "slovakia", "15308": "annette", "15309": "switchin", "15310": "unresponsive", "15311": "naturally", "15312": "function", "15313": "reopens", "15314": "funnel", "15315": "cosmopolitan", "15316": "funneh", "15317": "fasho", "15318": "beeped", "15319": "delivery", "15320": "construction", "15321": "sportsman", "15322": "mugshot", "15323": "delivers", "15324": "funner", "15325": "lysm", "15326": "count", "15327": "whatevz", "15328": "behemoth", "15329": "harvester", "15330": "official", "15331": "smooth", "15332": "whatevs", "15333": "reinforcement", "15334": "volvo", "15335": "rusev", "15336": "okno", "15337": "meyers", "15338": "3mb", "15339": "whateva", "15340": "bearing", "15341": "buuut", "15342": "🔇", "15343": "recognize", "15344": "khali", "15345": "kingston", "15346": "jaiden", "15347": "weston", "15348": "🐱", "15349": "nsync", "15350": "fitbit", "15351": "backfield", "15352": "prosperous", "15353": "variety", "15354": "edibles", "15355": "shannon", "15356": "hpe", "15357": "francisco", "15358": "wgat", "15359": "marlboro", "15360": "oppression", "15361": "missouri", "15362": "baffling", "15363": "unranked", "15364": "osmosis", "15365": "biiitch", "15366": "badass", "15367": "cheeze", "15368": "fundamentally", "15369": "kanji", "15370": "eyre", "15371": "elaine", "15372": "pension", "15373": "tryout", "15374": "rural", "15375": "knockers", "15376": "kickstart", "15377": "swirls", "15378": "🔎", "15379": "emmie", "15380": "aviation", "15381": "oldest", "15382": "readingfc", "15383": "drinkin", "15384": "psychopathic", "15385": "chinese", "15386": "afterparty", "15387": "misreading", "15388": "mmmmmmm", "15389": "swirly", "15390": "abilene", "15391": "southland", "15392": "🐸", "15393": "slowest", "15394": "163", "15395": "restock", "15396": "ilysm", "15397": "overpaying", "15398": "litle", "15399": "cpfc", "15400": "manip", "15401": "blistering", "15402": "nopeeeee", "15403": "geology", "15404": "blanket", "15405": "kiana", "15406": "sheridan", "15407": "distort", "15408": "sellers", "15409": "manic", "15410": "mania", "15411": "pta", "15412": "butlins", "15413": "wagons", "15414": "blanked", "15415": "singtel", "15416": "sickos", "15417": "lurve", "15418": "bewildered", "15419": "refollow", "15420": "neath", "15421": "fruitcake", "15422": "upload", "15423": "relentlessly", "15424": "gaelic", "15425": "systemic", "15426": "matric", "15427": "diverting", "15428": "29th", "15429": "aly", "15430": "raonic", "15431": "baps", "15432": "kimba", "15433": "established", "15434": "duos", "15435": "maaaybe", "15436": "pts", "15437": "+", "15438": "near", "15439": "walkout", "15440": "ptr", "15441": "sideman", "15442": "gamedev", "15443": "jerome", "15444": "above", "15445": "churches", "15446": "counters", "15447": "textures", "15448": "sinks", "15449": "gritted", "15450": "pluto", "15451": "nutjob", "15452": "pursuit", "15453": "morgans", "15454": "celebration", "15455": "studs", "15456": "hairdo", "15457": "noww", "15458": "aks", "15459": "mangle", "15460": "study", "15461": "usps", "15462": "bhut", "15463": "aku", "15464": "widdit", "15465": "aki", "15466": "akh", "15467": "ako", "15468": "smoke", "15469": "bunker", "15470": "aka", "15471": "nows", "15472": "ake", "15473": "", "15474": "secure", "15475": "peabody", "15476": "cheats", "15477": "newquay", "15478": "jieun", "15479": "atrium", "15480": "glance", "15481": "experimentation", "15482": "tweeties", "15483": "sdsu", "15484": "clough", "15485": "palestinian", "15486": "resurgence", "15487": "indians", "15488": "kaisoo", "15489": "chooses", "15490": "teletubbies", "15491": "uhmmm", "15492": "indiana", "15493": "lorry", "15494": "fractions", "15495": "lawns", "15496": "sanitizer", "15497": "jordyn", "15498": "reign", "15499": "donghae", "15500": "iw", "15501": "continual", "15502": "mainland", "15503": "tariff", "15504": "piero", "15505": "bunnies", "15506": "jamar", "15507": "ih", "15508": "arbys", "15509": "boyce", "15510": "groves", "15511": "grover", "15512": "tinder", "15513": "mechanic", "15514": "transferable", "15515": "jamal", "15516": "piers", "15517": "clinging", "15518": "quiver", "15519": "jest", "15520": "serpent", "15521": "bennett", "15522": "sessy", "15523": "indies", "15524": "", "15525": "goff", "15526": "indifferent", "15527": "gervais", "15528": "sweethearts", "15529": "jesy", "15530": "macys", "15531": "photocopy", "15532": "zzzz", "15533": "smartass", "15534": "debauchery", "15535": "morbid", "15536": "boats", "15537": "ordinary", "15538": "asshats", "15539": "fudge", "15540": "frens", "15541": "doable", "15542": "gayboy", "15543": "bday", "15544": "jalen", "15545": "stefano", "15546": "suing", "15547": "badddd", "15548": "chilled", "15549": "repeats", "15550": "chillen", "15551": "lolzzzz", "15552": "wknd", "15553": "greet", "15554": "supermarkets", "15555": "greek", "15556": "hamstrings", "15557": "modiji", "15558": "green", "15559": "bleurgh", "15560": "atrocity", "15561": "greed", "15562": "zeb", "15563": "toddy", "15564": "zed", "15565": "zee", "15566": "consent", "15567": "jabs", "15568": "zen", "15569": "tricked", "15570": "zep", "15571": "medusa", "15572": "cws", "15573": "mayor", "15574": "saigon", "15575": "🚣", "15576": "somewhere", "15577": "funrun", "15578": "denver", "15579": "buffon", "15580": "waterworks", "15581": "heeeyyy", "15582": "roland", "15583": "skeptic", "15584": "interpretive", "15585": "theo", "15586": "then", "15587": "them", "15588": "affected", "15589": "fragment", "15590": "thee", "15591": "gidi_traffic", "15592": "thea", "15593": "stuttering", "15594": "giraffe", "15595": "they", "15596": "thew", "15597": "theu", "15598": "thet", "15599": "thes", "15600": "ther", "15601": "retros", "15602": "burped", "15603": "gallows", "15604": "confronting", "15605": "afcon", "15606": "classified", "15607": "backgrounds", "15608": "mrng", "15609": "sahur", "15610": "anastasia", "15611": "liss", "15612": "smexy", "15613": "hilson", "15614": "councils", "15615": "crimes", "15616": "nigerian", "15617": "quiznos", "15618": "hosted", "15619": "sekai", "15620": "crimea", "15621": "flock", "15622": "strowman", "15623": "hostel", "15624": "burnham", "15625": "saaaame", "15626": "🔥", "15627": "forts", "15628": "wgm", "15629": "€", "15630": "vessels", "15631": "thatchers", "15632": "strangers", "15633": "forte", "15634": "fudging", "15635": "amethyst", "15636": "scaling", "15637": "prank", "15638": "forth", "15639": "sliding", "15640": "disagreements", "15641": "wao", "15642": "vetoed", "15643": "lawless", "15644": "👏", "15645": "martyna", "15646": "appointments", "15647": "putty", "15648": "226", "15649": "putts", "15650": "conform", "15651": "ange", "15652": "mateee", "15653": "staggers", "15654": "recovering", "15655": "installs", "15656": "chitty", "15657": "yeeeeah", "15658": "harrogate", "15659": "festival", "15660": "incorporated", "15661": "chiraq", "15662": "baltic", "15663": "tijuana", "15664": "chopped", "15665": "organize", "15666": "jeremycorbyn", "15667": "employing", "15668": "griff", "15669": "chopper", "15670": "drones", "15671": "firs", "15672": "mcgee", "15673": "plentiful", "15674": "airs", "15675": "reoccurring", "15676": "airy", "15677": "inflate", "15678": "dalits", "15679": "40th", "15680": "damaging", "15681": "tripple", "15682": "enhancing", "15683": "luncheon", "15684": "binned", "15685": "pushin", "15686": "honolulu", "15687": "goalposts", "15688": "glorified", "15689": "tavern", "15690": "negotiator", "15691": "nononono", "15692": "whenn", "15693": "devious", "15694": "solely", "15695": "chisme", "15696": "pervasive", "15697": "manned", "15698": "ceased", "15699": "bronchitis", "15700": "norty", "15701": "fandom", "15702": "manner", "15703": "ʖ", "15704": "vigorous", "15705": "xoxoxoxoxo", "15706": "rebrand", "15707": "livermore", "15708": "strength", "15709": "fineeeee", "15710": "magnus", "15711": "seymour", "15712": "rome", "15713": "ypg", "15714": "magnum", "15715": "conducive", "15716": "riiiiiiight", "15717": "hawes", "15718": "lexie", "15719": "🍋", "15720": "özil", "15721": "", "15722": "shyt", "15723": "maddd", "15724": "puddin", "15725": "lmoa", "15726": "maddi", "15727": "sub", "15728": "dumbshit", "15729": "paradigm", "15730": "christa", "15731": "neighborhoods", "15732": "hanna", "15733": "hannn", "15734": "panadol", "15735": "gummi", "15736": "deacon", "15737": "mayfield", "15738": "accounted", "15739": "calmness", "15740": "cnat", "15741": "notion", "15742": "menfess", "15743": "fussy", "15744": "renting", "15745": "poppers", "15746": "cheesey", "15747": "subtly", "15748": "slutty", "15749": "suk", "15750": "womp", "15751": "d8", "15752": "subtle", "15753": "exclusivity", "15754": "d5", "15755": "d2", "15756": "d3", "15757": "d1", "15758": "resemblance", "15759": "reheat", "15760": "guidance", "15761": "skye", "15762": "pulpit", "15763": "goalie", "15764": "sur", "15765": "dn", "15766": "do", "15767": "dl", "15768": "dm", "15769": "dj", "15770": "dk", "15771": "dh", "15772": "di", "15773": "df", "15774": "dg", "15775": "dd", "15776": "de", "15777": "db", "15778": "dc", "15779": "da", "15780": "frowning", "15781": "illmatic", "15782": "watson", "15783": "dz", "15784": "dx", "15785": "dy", "15786": "dv", "15787": "dw", "15788": "dt", "15789": "du", "15790": "dr", "15791": "ds", "15792": "dp", "15793": "peyton", "15794": "ravenswood", "15795": "racine", "15796": "psych", "15797": "sux", "15798": "mustafa", "15799": "aggressor", "15800": "lemonade", "15801": "mustafi", "15802": "🚌", "15803": "depends", "15804": "ruffle", "15805": "o_o", "15806": "mangoes", "15807": "co2", "15808": "cutch", "15809": "propa", "15810": "mitch", "15811": "snoozing", "15812": "brewster", "15813": "xavi", "15814": "ensures", "15815": "gentleman", "15816": "listeners", "15817": "tainted", "15818": "props", "15819": "hungover", "15820": "accord", "15821": "blighty", "15822": "o_0", "15823": "packaged", "15824": "headliners", "15825": "sickens", "15826": "packages", "15827": "downgraded", "15828": "dlcs", "15829": "coq", "15830": "cop", "15831": "cos", "15832": "tfti", "15833": "cot", "15834": "cow", "15835": "cov", "15836": "coy", "15837": "cox", "15838": "coz", "15839": "mariachi", "15840": "hummus", "15841": "coc", "15842": "cob", "15843": "coe", "15844": "cod", "15845": "cog", "15846": "cof", "15847": "rawls", "15848": "toed", "15849": "requests", "15850": "gbanksocial", "15851": "com", "15852": "col", "15853": "coo", "15854": "sake", "15855": "negotiation", "15856": "eyesight", "15857": "abbreviate", "15858": "jaya", "15859": "thierry", "15860": "jaye", "15861": "jayy", "15862": "jayz", "15863": "healy", "15864": "beheaded", "15865": "jays", "15866": "heals", "15867": "tucks", "15868": "eharmony", "15869": "petty", "15870": "pearland", "15871": "buffett", "15872": "buffets", "15873": "charisma", "15874": "flexible", "15875": "dozens", "15876": "\", "15877": "families", "15878": "beastly", "15879": "hennessy", "15880": "amiibos", "15881": "coherent", "15882": "currys", "15883": "underhanded", "15884": "physician", "15885": "gooodmorning", "15886": "blount", "15887": "turnip", "15888": "formatting", "15889": "abrupt", "15890": "vanitas", "15891": "voice", "15892": "davenport", "15893": "receptionist", "15894": "moring", "15895": "hewitt", "15896": "eeeep", "15897": "iwata", "15898": "dumped", "15899": "audrey", "15900": "eeeeh", "15901": "eeeek", "15902": "twinning", "15903": "tugged", "15904": "hebrew", "15905": "comparative", "15906": "eeeee", "15907": "baad", "15908": "plis", "15909": "confirmed", "15910": "patent", "15911": "pliz", "15912": "nobody", "15913": "punctuation", "15914": "ep2", "15915": "jerry", "15916": "plated", "15917": "ep1", "15918": "jeffy", "15919": "gove", "15920": "plates", "15921": "indictment", "15922": "yhyh", "15923": "yaoi", "15924": "unharmed", "15925": "lile", "15926": "raid", "15927": "pube", "15928": "evie", "15929": "sakho", "15930": "blames", "15931": "rail", "15932": "evil", "15933": "pubs", "15934": "norwegian", "15935": "bundyranch", "15936": "shizzle", "15937": "faiths", "15938": "blamed", "15939": "aiit", "15940": "jeggings", "15941": "kept", "15942": "milly", "15943": "scenario", "15944": "thx", "15945": "thw", "15946": "kyla", "15947": "1975", "15948": "tht", "15949": "ths", "15950": "kyle", "15951": "1971", "15952": "1970", "15953": "tho", "15954": "thn", "15955": "epl", "15956": "natal", "15957": "thk", "15958": "thi", "15959": "monaco", "15960": "thg", "15961": "the", "15962": "camps", "15963": "thc", "15964": "lilo", "15965": "tha", "15966": "epa", "15967": "sexyy", "15968": "lili", "15969": "hahahha", "15970": "wasps", "15971": "hallow", "15972": "mohamed", "15973": "repost", "15974": "swahili", "15975": "adding", "15976": "transformer", "15977": "hills", "15978": "flooring", "15979": "dished", "15980": "27th", "15981": "reuniting", "15982": "hilly", "15983": "passive", "15984": "alchemy", "15985": "spread", "15986": "transformed", "15987": "cranberries", "15988": "chingu", "15989": "zillion", "15990": "chingy", "15991": "govs", "15992": "plasma", "15993": "mocked", "15994": "followback", "15995": "milli", "15996": "capt", "15997": "intercom", "15998": "bassey", "15999": "caps", "16000": "arab", "16001": "tarzan", "16002": "capo", "16003": "rahman", "16004": "barge", "16005": "cape", "16006": "iscell", "16007": "disadvantage", "16008": "bpa", "16009": "skanky", "16010": "insurgent", "16011": "bpd", "16012": "killua", "16013": "scooping", "16014": "grizzly", "16015": "skanks", "16016": "bpm", "16017": "bpl", "16018": "brogod", "16019": "bps", "16020": "milla", "16021": "📷", "16022": "security", "16023": "starvation", "16024": "yolk", "16025": "", "16026": "webb", "16027": "portuguese", "16028": "sends", "16029": "collarbone", "16030": "idgaf", "16031": "webs", "16032": "productions", "16033": "pancho", "16034": "critique", "16035": "radiohead", "16036": "leanin", "16037": "jeffery", "16038": "spruce", "16039": "purple", "16040": "phenomenal", "16041": "batum", "16042": "comments", "16043": "trademarked", "16044": "ussss", "16045": "ppvs", "16046": "someway", "16047": "emoji", "16048": "apperently", "16049": "lucille", "16050": "dayer", "16051": "graduates", "16052": "jayme", "16053": "mutters", "16054": "graduated", "16055": "draftkings", "16056": "jurors", "16057": "jeesh", "16058": "diner", "16059": "theirs", "16060": "hutchinson", "16061": "prepping", "16062": "wsop", "16063": "anime", "16064": "cherish", "16065": "🍹", "16066": "gingerbread", "16067": "cadbury", "16068": "", "16069": "dilemma", "16070": "tetanus", "16071": "mantle", "16072": "pays", "16073": "carpal", "16074": "delighted", "16075": "balances", "16076": "yanno", "16077": "formidable", "16078": "balanced", "16079": "renovating", "16080": "lewd", "16081": "payg", "16082": "yanna", "16083": "shhhh", "16084": "undiscovered", "16085": "jarod", "16086": "fight", "16087": "ganja", "16088": "accordingly", "16089": "danica", "16090": "fizz", "16091": "sagging", "16092": "emabiggestfansjustinbieber", "16093": "vitality", "16094": "liesss", "16095": "bmth", "16096": "mmlp2", "16097": "hmmmmmmm", "16098": "missguided", "16099": "reset", "16100": "responding", "16101": "veiled", "16102": "unthinkable", "16103": "generosity", "16104": "chillout", "16105": "fuckinn", "16106": "vatican", "16107": "wwa", "16108": "rialto", "16109": "lyra", "16110": "moly", "16111": "rotisserie", "16112": "hotter", "16113": "sheit", "16114": "hisses", "16115": "tesla", "16116": "locust", "16117": "religiously", "16118": "israel", "16119": "evidence", "16120": "manure", "16121": "moll", "16122": "mold", "16123": "mole", "16124": "physical", "16125": "jons", "16126": "baguette", "16127": "weakened", "16128": "jont", "16129": "jony", "16130": "handmade", "16131": "spacers", "16132": "jona", "16133": "interested", "16134": "jong", "16135": "unwilling", "16136": "jono", "16137": "horsey", "16138": "nobdy", "16139": "thankgod", "16140": "dirtier", "16141": "truro", "16142": "flay", "16143": "polite", "16144": "yardage", "16145": "healthiest", "16146": "musty", "16147": "jenkinson", "16148": "erryone", "16149": "funerals", "16150": "tottenham", "16151": "cheated", "16152": "ogden", "16153": "modules", "16154": "flag", "16155": "together", "16156": "cheater", "16157": "reception", "16158": "lineup", "16159": "racheldolezal", "16160": "verratti", "16161": "outspoken", "16162": "vampires", "16163": "", "16164": "global", "16165": "baited", "16166": "flam", "16167": "lloyds", "16168": "wellll", "16169": "toothpick", "16170": "dbl", "16171": "supposedly", "16172": "grape", "16173": "relly", "16174": "zone", "16175": "tounge", "16176": "hums", "16177": "hump", "16178": "flash", "16179": "outplayed", "16180": "lmaaao", "16181": "rello", "16182": "permanently", "16183": "humm", "16184": "huma", "16185": "tavares", "16186": "protective", "16187": "excalibur", "16188": "snigger", "16189": "_unk_", "16190": "blimey", "16191": "dependant", "16192": "liability", "16193": "comedown", "16194": "anonymous", "16195": "aaaaaaah", "16196": "forgiving", "16197": "blast", "16198": "feeble", "16199": "margarita", "16200": "scandinavia", "16201": "salvador", "16202": "altering", "16203": "tonighttttt", "16204": "auld", "16205": "fragile", "16206": "p", "16207": "brine", "16208": "rubric", "16209": "distasteful", "16210": "revolution", "16211": "repetitive", "16212": "advancement", "16213": "professionalism", "16214": "thinker", "16215": "ripoff", "16216": "lhhh", "16217": "dunkin", "16218": "bahut", "16219": "nerfed", "16220": "bookstores", "16221": "satisfy", "16222": "supporting", "16223": "weezy", "16224": "explosion", "16225": "changs", "16226": "igbo", "16227": "wrestles", "16228": "﹏", "16229": "redskins", "16230": "demonizing", "16231": "apache", "16232": "roomba", "16233": "hoops", "16234": "appears", "16235": "change", "16236": "pedals", "16237": "vibrating", "16238": "lakers", "16239": "exiting", "16240": "detonate", "16241": "trial", "16242": "hahahaahah", "16243": "kemp", "16244": "triad", "16245": "retired", "16246": "hiking", "16247": "lending", "16248": "bullock", "16249": "hahahahaah", "16250": "snowboard", "16251": "retires", "16252": "watford", "16253": "kuchar", "16254": "suicides", "16255": "hahahahaaa", "16256": "atrocious", "16257": "rarely", "16258": "terminal", "16259": "remaking", "16260": "🎧", "16261": "jao", "16262": "unimpressed", "16263": "retweeted", "16264": "masturbating", "16265": "live", "16266": "bombings", "16267": "lightskinned", "16268": "draya", "16269": "nylander", "16270": "marginally", "16271": "steeler", "16272": "entrance", "16273": "cantwait", "16274": "towers", "16275": "linesman", "16276": "jag", "16277": "sundown", "16278": "misconception", "16279": "zalfie", "16280": "douche", "16281": "3yr", "16282": "tude", "16283": "payin", "16284": "innuendo", "16285": "labeled", "16286": "gathers", "16287": "incidents", "16288": "keynes", "16289": "sleeep", "16290": "pretoria", "16291": "doooooo", "16292": "natasha", "16293": "meeeeeeeee", "16294": "soundcheck", "16295": "dedicated", "16296": "dxx", "16297": "december", "16298": "subsidies", "16299": "carroll", "16300": "newshour", "16301": "supremacy", "16302": "skydiving", "16303": "fortunes", "16304": "spk", "16305": "spl", "16306": "spm", "16307": "spn", "16308": "spo", "16309": "spa", "16310": "bbcan", "16311": "spd", "16312": "serum", "16313": "spf", "16314": "spg", "16315": "agen", "16316": "pardew", "16317": "productive", "16318": "bankrupt", "16319": "means", "16320": "trophies", "16321": "durian", "16322": "criterion", "16323": "defame", "16324": "pocus", "16325": "josue", "16326": "terrestrial", "16327": "staircase", "16328": "zimmerman", "16329": "dunkins", "16330": "averted", "16331": "brazen", "16332": "osborne", "16333": "abbi", "16334": "hobbits", "16335": "endgame", "16336": "mitrovic", "16337": "nomination", "16338": "compatibility", "16339": "maharashtra", "16340": "crepe", "16341": "remember", "16342": "ghs", "16343": "candles", "16344": "rememeber", "16345": "explicit", "16346": "baseballs", "16347": "yonkers", "16348": "progressively", "16349": "honoring", "16350": "offend", "16351": "abbs", "16352": "fireball", "16353": "oyu", "16354": "punting", "16355": "tagged", "16356": "18m", "16357": "paramore", "16358": "hotly", "16359": "indeed", "16360": "colt", "16361": "haircut", "16362": "f4we", "16363": "colo", "16364": "coll", "16365": "colm", "16366": "nitrogen", "16367": "birdy", "16368": "itss", "16369": "cold", "16370": "cole", "16371": "birds", "16372": "cola", "16373": "ethic", "16374": "enna", "16375": "welllll", "16376": "rooftop", "16377": "errm", "16378": "feller", "16379": "acknowledge", "16380": "selves", "16381": "simpin", "16382": "reacting", "16383": "sloots", "16384": "inflicted", "16385": "window", "16386": "suffocate", "16387": "antagonist", "16388": "norway", "16389": "feats", "16390": "brofist", "16391": "halp", "16392": "busquets", "16393": "gassing", "16394": "barron", "16395": "fling", "16396": "chimp", "16397": "sweetened", "16398": "snuggie", "16399": "hala", "16400": "aer", "16401": "hale", "16402": "appoints", "16403": "half", "16404": "recap", "16405": "ritchie", "16406": "hall", "16407": "halo", "16408": "barrow", "16409": "wont", "16410": "commuters", "16411": "333333333", "16412": "streaks", "16413": "servant", "16414": "streaky", "16415": "burps", "16416": "wong", "16417": "entirely", "16418": "concerts", "16419": "wonk", "16420": "em", "16421": "el", "16422": "eo", "16423": "en", "16424": "ei", "16425": "eh", "16426": "ek", "16427": "ej", "16428": "ee", "16429": "ed", "16430": "eg", "16431": "ef", "16432": "ea", "16433": "jerrys", "16434": "ec", "16435": "eb", "16436": "goose", "16437": "fires", "16438": "ey", "16439": "💔", "16440": "amsterdam", "16441": "eu", "16442": "et", "16443": "ew", "16444": "ev", "16445": "eq", "16446": "ep", "16447": "es", "16448": "er", "16449": "croft", "16450": "shown", "16451": "ikkk", "16452": "gencon", "16453": "opened", "16454": "space", "16455": "hastily", "16456": "opener", "16457": "receiving", "16458": "viable", "16459": "shows", "16460": "hyuna", "16461": "inevitably", "16462": "gbp", "16463": "hyung", "16464": "defenses", "16465": "alllll", "16466": "lms", "16467": "gishwhes", "16468": "swinton", "16469": "quart", "16470": "lmk", "16471": "lml", "16472": "rebel", "16473": "lmn", "16474": "taxed", "16475": "e4", "16476": "e1", "16477": "inevitable", "16478": "e3", "16479": "lmg", "16480": "thoughhh", "16481": "milestones", "16482": "scrimming", "16483": "langley", "16484": "diya", "16485": "pusssy", "16486": "aweeee", "16487": "darby", "16488": "lindsey", "16489": "essie", "16490": "okai", "16491": "promotion", "16492": "benefited", "16493": "introverts", "16494": "1997", "16495": "striking", "16496": "omitted", "16497": "comprised", "16498": "bahaha", "16499": "impossible", "16500": "forwarding", "16501": "size", "16502": "sheep", "16503": "3points", "16504": "sheer", "16505": "sheet", "16506": "silent", "16507": "bookmark", "16508": "wishhhh", "16509": "breed", "16510": "callous", "16511": "weekdays", "16512": "households", "16513": "jugg", "16514": "′", "16515": "sheed", "16516": "pacioretty", "16517": "carousel", "16518": "juga", "16519": "yeppers", "16520": "brees", "16521": "friend", "16522": "bitchhhh", "16523": "dolan", "16524": "pecs", "16525": "mostly", "16526": "randle", "16527": "dorms", "16528": "expanse", "16529": "sandoval", "16530": "islamophobic", "16531": "becus", "16532": "peck", "16533": "norcal", "16534": "becuz", "16535": "bolivia", "16536": "rugged", "16537": "disses", "16538": "seuss", "16539": "optimism", "16540": "dissed", "16541": "fruits", "16542": "fruity", "16543": "sublime", "16544": "lunches", "16545": "hairline", "16546": "raincheck", "16547": "surname", "16548": "angel", "16549": "grotto", "16550": "correction", "16551": "mateeee", "16552": "oyisbby", "16553": "cadburys", "16554": "13th", "16555": "cryyyy", "16556": "decapitated", "16557": "wjat", "16558": "anger", "16559": "taraweeh", "16560": "breakfast", "16561": "stoners", "16562": "zombieland", "16563": "cavemen", "16564": "😩", "16565": "veteran", "16566": "textiles", "16567": "objective", "16568": "chesney", "16569": "bitching", "16570": "sayinnn", "16571": "takeaways", "16572": "feckin", "16573": "climaxes", "16574": "sera", "16575": "hoodrats", "16576": "brutus", "16577": "pus", "16578": "womanhood", "16579": "flawlessly", "16580": "marinara", "16581": "cra", "16582": "sunset", "16583": "bops", "16584": "abraham", "16585": "entendre", "16586": "foaming", "16587": "syndicate", "16588": "utep", "16589": "copyrighted", "16590": "cheeseburgers", "16591": "geography", "16592": "gnat", "16593": "nala", "16594": "224", "16595": "ratio", "16596": "ilyyyy", "16597": "gnar", "16598": "proportion", "16599": "texture", "16600": "nall", "16601": "berk", "16602": "developed", "16603": "psshh", "16604": "wingers", "16605": "cespedes", "16606": "tweeet", "16607": "closeness", "16608": "membrane", "16609": "kiks", "16610": "kiko", "16611": "dadda", "16612": "kiki", "16613": "blacklivesmatter", "16614": "kike", "16615": "honours", "16616": "homegrown", "16617": "befo", "16618": "sonam", "16619": "seldom", "16620": "breeches", "16621": "scotrail", "16622": "raunchy", "16623": "husband", "16624": "bulgaria", "16625": "medicated", "16626": "concert", "16627": "attached", "16628": "unmarried", "16629": "whitewash", "16630": "lunchables", "16631": "fucktard", "16632": "famine", "16633": "untitled", "16634": "concern", "16635": "firestone", "16636": "massimo", "16637": "tackling", "16638": "seekers", "16639": "willard", "16640": "justifies", "16641": "gian", "16642": "10mins", "16643": "gw2", "16644": "herbal", "16645": "justified", "16646": "omgeee", "16647": "yuma", "16648": "huggs", "16649": "boning", "16650": "unlocks", "16651": "huggy", "16652": "yumm", "16653": "boul", "16654": "jib", "16655": "yump", "16656": "spitfire", "16657": "boomerang", "16658": "article", "16659": "bilal", "16660": "strider", "16661": "javier", "16662": "talented", "16663": "gwb", "16664": "comee", "16665": "voicemail", "16666": "ballpark", "16667": "hussy", "16668": "xion", "16669": "moreso", "16670": "pray", "16671": "comey", "16672": "gws", "16673": "comet", "16674": "prequel", "16675": "comes", "16676": "comer", "16677": "seneca", "16678": "rondarousey", "16679": "lipped", "16680": "dispatch", "16681": "20am", "16682": "😒", "16683": "moreover", "16684": "pigtails", "16685": "bitcoins", "16686": "punisher", "16687": "punishes", "16688": "mensa", "16689": "dyslexic", "16690": "rebuild", "16691": "porsche", "16692": "absentee", "16693": "malala", "16694": "jigglypuff", "16695": "punished", "16696": "dangers", "16697": "sesh", "16698": "rebuilt", "16699": "sisterhood", "16700": "exhaustion", "16701": "amani", "16702": "wounds", "16703": "observers", "16704": "stems", "16705": "betcha", "16706": "❜", "16707": "hodgson", "16708": "👦", "16709": "tboss", "16710": "beacons", "16711": "10days", "16712": "maryam", "16713": "editorial", "16714": "pimping", "16715": "🗻", "16716": "landslide", "16717": "keda", "16718": "henn", "16719": "cigs", "16720": "soil", "16721": "sectional", "16722": "shir", "16723": "gringo", "16724": "bias", "16725": "embrace", "16726": "goldie", "16727": "goodwood", "16728": "heels", "16729": "kenya", "16730": "helium", "16731": "ship", "16732": "generously", "16733": "media", "16734": "medic", "16735": "coworkers", "16736": "thankyouu", "16737": "document", "16738": "contouring", "16739": "todayyyyy", "16740": "alrightt", "16741": "pedantic", "16742": "finish", "16743": "raichu", "16744": "⁉", "16745": "buccaneers", "16746": "londonmarathon", "16747": "reunions", "16748": "alrighty", "16749": "merseyside", "16750": "blaziken", "16751": "fruit", "16752": "woulda", "16753": "dayyyyyy", "16754": "pookie", "16755": "ringside", "16756": "tradition", "16757": "mentally", "16758": "luckkk", "16759": "burrito", "16760": "daytona", "16761": "masterclass", "16762": "pitbull", "16763": "choreography", "16764": "frankie", "16765": "generally", "16766": "restrooms", "16767": "civilized", "16768": "writin", "16769": "storming", "16770": "slugger", "16771": "touch", "16772": "melton", "16773": "speed", "16774": "dueling", "16775": "issss", "16776": "tirade", "16777": "legitimately", "16778": "upton", "16779": "fuckyou", "16780": "daydreaming", "16781": "conclude", "16782": "yoochun", "16783": "iphones", "16784": "desktop", "16785": "treatment", "16786": "complements", "16787": "struck", "16788": "momentum", "16789": "real", "16790": "ladd", "16791": "hover", "16792": "frown", "16793": "phelps", "16794": "overused", "16795": "read", "16796": "specimen", "16797": "selma", "16798": "quickness", "16799": "politely", "16800": "libras", "16801": "execution", "16802": "lady", "16803": "demonstrations", "16804": "rear", "16805": "topoli", "16806": "mourinho", "16807": "malum", "16808": "pounds", "16809": "postcard", "16810": "suppliers", "16811": "iphone5", "16812": "tardy", "16813": "carlile", "16814": "opry", "16815": "bellends", "16816": "downward", "16817": "homicides", "16818": "neph", "16819": "concacaf", "16820": "changeling", "16821": "hacks", "16822": "biopsy", "16823": "eddie", "16824": "duration", "16825": "ahhhhhh", "16826": "hitbox", "16827": "oakland", "16828": "🤥", "16829": "slaughtering", "16830": "putter", "16831": "recorded", "16832": "hepatitis", "16833": "conservative", "16834": "debacle", "16835": "deficit", "16836": "millennial", "16837": "outtie", "16838": "recorder", "16839": "kirkland", "16840": "🎾", "16841": "mullahs", "16842": "shayne", "16843": "shayna", "16844": "tuition", "16845": "credits", "16846": "cowbell", "16847": "nme", "16848": "seducing", "16849": "hectic", "16850": "willies", "16851": "fondness", "16852": "brighton", "16853": "choc", "16854": "central", "16855": "exotics", "16856": "paints", "16857": "hiatus", "16858": "choo", "16859": "chop", "16860": "yifan", "16861": "chor", "16862": "chos", "16863": "greatly", "16864": "itty", "16865": "underway", "16866": "dien", "16867": "ittt", "16868": "deranged", "16869": "heater", "16870": "researching", "16871": "protests", "16872": "2nite", "16873": "mygod", "16874": "heated", "16875": "operator", "16876": "luke5sos", "16877": "bronwyn", "16878": "prepare", "16879": "smhhh", "16880": "fanart", "16881": "stoppage", "16882": "hunky", "16883": "bojack", "16884": "faris", "16885": "disneyworld", "16886": "grange", "16887": "stealth", "16888": "lullabies", "16889": "fela", "16890": "valencia", "16891": "lynda", "16892": "immaculate", "16893": "thevoiceau", "16894": "overpaid", "16895": "◇", "16896": "curiously", "16897": "dorado", "16898": "jusss", "16899": "cottage", "16900": "cuming", "16901": "daiya", "16902": "trying", "16903": "tryina", "16904": "hire", "16905": "hird", "16906": "dominican", "16907": "circulation", "16908": "illini", "16909": "comics", "16910": "bucket", "16911": "postive", "16912": "builders", "16913": "wristbands", "16914": "alwaysss", "16915": "cartons", "16916": "momentarily", "16917": "describe", "16918": "moved", "16919": "sales", "16920": "salem", "16921": "nero", "16922": "mutuals", "16923": "mover", "16924": "moves", "16925": "nerd", "16926": "nerf", "16927": "bollox", "16928": "swamy39", "16929": "subtext", "16930": "antenna", "16931": "konami", "16932": "credibility", "16933": "selfishly", "16934": "storage", "16935": "luckier", "16936": "cinematography", "16937": "oshi", "16938": "evenings", "16939": "gambling", "16940": "gaining", "16941": "polar", "16942": "cruddy", "16943": "charizard", "16944": "punditry", "16945": "desolation", "16946": "mgsv", "16947": "overreact", "16948": "offseason", "16949": "flattened", "16950": "coverage", "16951": "nkotb", "16952": "torches", "16953": "niceee", "16954": "connotations", "16955": "chords", "16956": "fangirling", "16957": "gayyyy", "16958": "doubted", "16959": "👽", "16960": "strings", "16961": "stockpile", "16962": "fleury", "16963": "whattup", "16964": "69th", "16965": "pointing", "16966": "splitting", "16967": "slimming", "16968": "mp4", "16969": "mp3", "16970": "dwl", "16971": "ryland", "16972": "beatz", "16973": "batches", "16974": "referring", "16975": "doeeee", "16976": "prolli", "16977": "nodes", "16978": "washroom", "16979": "mpg", "16980": "vers", "16981": "über", "16982": "vert", "16983": "confidential", "16984": "1pm", "16985": "very", "16986": "peruse", "16987": "candids", "16988": "robes", "16989": "collison", "16990": "mph", "16991": "souls", "16992": "vera", "16993": "verb", "16994": "mps", "16995": "parra", "16996": "austerity", "16997": "vero", "16998": "vern", "16999": "milf", "17000": "randomness", "17001": "mild", "17002": "mickelson", "17003": "propane", "17004": "anons", "17005": "blackout", "17006": "raheem", "17007": "raheel", "17008": "4sho", "17009": "bung", "17010": "opting", "17011": "nearing", "17012": "sould", "17013": "conscience", "17014": "apologizes", "17015": "witnessed", "17016": "dribbling", "17017": "witnesses", "17018": "jedi", "17019": "apologized", "17020": "yeaaaaaaah", "17021": "foursquare", "17022": "repugnant", "17023": "matuidi", "17024": "unsurprisingly", "17025": "recruits", "17026": "yeeesss", "17027": "answers", "17028": "coolan", "17029": "sardines", "17030": "strong", "17031": "addictions", "17032": "loma", "17033": "bathtub", "17034": "colored", "17035": "ahead", "17036": "loml", "17037": "telecast", "17038": "discoveries", "17039": "soldier", "17040": "hungrier", "17041": "activision", "17042": "whoppers", "17043": "rory", "17044": "heartbroken", "17045": "alzheimer", "17046": "hoga", "17047": "toughness", "17048": "donnie", "17049": "hogs", "17050": "chunky", "17051": "dogshit", "17052": "dangg", "17053": "chunks", "17054": "britains", "17055": "achoo", "17056": "spawned", "17057": "゚", "17058": "hommie", "17059": "vf", "17060": "injure", "17061": "omni", "17062": "zedd", "17063": "unpleasant", "17064": "seminole", "17065": "zeds", "17066": "minseok", "17067": "☺", "17068": "kurdistan", "17069": "nuketown", "17070": "twerked", "17071": "insanely", "17072": "remixes", "17073": "abridged", "17074": "bbcr1", "17075": "browner", "17076": "site", "17077": "hurrr", "17078": "fanboys", "17079": "remixed", "17080": "broke", "17081": "twerker", "17082": "suction", "17083": "hurry", "17084": "hardware", "17085": "🇫", "17086": "thumper", "17087": "sweeps", "17088": "nina", "17089": "nine", "17090": "ning", "17091": "nini", "17092": "mockingbird", "17093": "appleton", "17094": "spontaneous", "17095": "nino", "17096": "vu", "17097": "hhs", "17098": "f1", "17099": "f2", "17100": "cuzzin", "17101": "f4", "17102": "f5", "17103": "pushes", "17104": "pusher", "17105": "templar", "17106": "stackin", "17107": "tenor", "17108": "aldub", "17109": "daddys", "17110": "celina", "17111": "pushed", "17112": "hha", "17113": "celine", "17114": "suppost", "17115": "hhe", "17116": "vy", "17117": "exclude", "17118": "hhh", "17119": "hhn", "17120": "smitty", "17121": "mclovin", "17122": "harrys", "17123": "ayyyye", "17124": "chops", "17125": "yeast", "17126": "pumpin", "17127": "ayyyyy", "17128": "centimeters", "17129": "clarks", "17130": "idaho", "17131": "fp", "17132": "rapists", "17133": "fr", "17134": "fs", "17135": "ft", "17136": "fu", "17137": "fv", "17138": "fw", "17139": "fx", "17140": "fy", "17141": "malware", "17142": "idiocy", "17143": "fb", "17144": "fc", "17145": "fd", "17146": "fe", "17147": "ff", "17148": "fg", "17149": "fh", "17150": "gasp", "17151": "gass", "17152": "fk", "17153": "fl", "17154": "fm", "17155": "fn", "17156": "fo", "17157": "broooooo", "17158": "wlc", "17159": "morphine", "17160": "morphing", "17161": "bookbag", "17162": "somebodies", "17163": "documentation", "17164": "overnight", "17165": "slacking", "17166": "renewing", "17167": "youz", "17168": "scaring", "17169": "bugg", "17170": "wildwood", "17171": "35m", "17172": "lamarcus", "17173": "chicks", "17174": "iguodala", "17175": "uncensored", "17176": "bullcrap", "17177": "maybeeeee", "17178": "rhinos", "17179": "cyclists", "17180": "auburn", "17181": "chicka", "17182": "staunch", "17183": "markie", "17184": "turan", "17185": "nordstrom", "17186": "finee", "17187": "fined", "17188": "botched", "17189": "roadworks", "17190": "fruitful", "17191": "dino", "17192": "brittney", "17193": "photoshopping", "17194": "fines", "17195": "finer", "17196": "fool", "17197": "fooo", "17198": "aarons", "17199": "fook", "17200": "food", "17201": "dink", "17202": "2yrs", "17203": "awarding", "17204": "prenatal", "17205": "portillos", "17206": "grandfathers", "17207": "dini", "17208": "sweeping", "17209": "bluejays", "17210": "foos", "17211": "desperately", "17212": "shuda", "17213": "trailed", "17214": "fully", "17215": "alford", "17216": "dik", "17217": "capability", "17218": "fulla", "17219": "sameee", "17220": "heavyweights", "17221": "apartheid", "17222": "trailer", "17223": "referred", "17224": "taft", "17225": "neil", "17226": "💄", "17227": "nein", "17228": "dichotomy", "17229": "stupidness", "17230": "fees", "17231": "saame", "17232": "wacky", "17233": "bickering", "17234": "wacko", "17235": "dic", "17236": "bulking", "17237": "shurrup", "17238": "magnet", "17239": "dears", "17240": "vertigo", "17241": "juniors", "17242": "deary", "17243": "robert", "17244": "since", "17245": "abhi", "17246": "mudda", "17247": "ightt", "17248": "brownish", "17249": "awready", "17250": "dunk", "17251": "pum", "17252": "textin", "17253": "asp", "17254": "duno", "17255": "dunn", "17256": "asu", "17257": "dirt", "17258": "pud", "17259": "timeline", "17260": "pug", "17261": "dung", "17262": "pub", "17263": "darius", "17264": "asb", "17265": "asa", "17266": "heroin", "17267": "asg", "17268": "asf", "17269": "dire", "17270": "asd", "17271": "dirk", "17272": "southend", "17273": "ash", "17274": "pup", "17275": "bask", "17276": "bash", "17277": "asl", "17278": "cavalry", "17279": "sooooooooooooo", "17280": "rookies", "17281": "lawler", "17282": "sheikh", "17283": "caption", "17284": "madara", "17285": "scouts", "17286": "abc730", "17287": "partnerships", "17288": "knots", "17289": "olympia", "17290": "courteeners", "17291": "brisket", "17292": "fischer", "17293": "probability", "17294": "dabbing", "17295": "reflected", "17296": "comfy", "17297": "scrolled", "17298": "elder", "17299": "selenaformmva", "17300": "333333", "17301": "fearing", "17302": "beret", "17303": "sandusky", "17304": "deanna", "17305": "airborne", "17306": "eddy", "17307": "🍟", "17308": "woohooo", "17309": "handshakes", "17310": "virgil", "17311": "transitioned", "17312": "shifted", "17313": "ladylike", "17314": "fuggin", "17315": "jamie", "17316": "roids", "17317": "flatters", "17318": "getter", "17319": "jordan", "17320": "condemns", "17321": "shifter", "17322": "flattery", "17323": "inboxed", "17324": "carded", "17325": "squeaky", "17326": "kindly", "17327": "inducted", "17328": "performers", "17329": "collaborations", "17330": "robux", "17331": "squeaks", "17332": "sorryyy", "17333": "store", "17334": "kindle", "17335": "temptations", "17336": "backkk", "17337": "newborns", "17338": "deciding", "17339": "phat", "17340": "kart", "17341": "texans", "17342": "juicy", "17343": "juice", "17344": "inquisitive", "17345": "kara", "17346": "kare", "17347": "😙", "17348": "douchebags", "17349": "kari", "17350": "karo", "17351": "karl", "17352": "kyun", "17353": "herrr", "17354": "didint", "17355": "outbound", "17356": "flamini", "17357": "patterns", "17358": "sensually", "17359": "henna", "17360": "henne", "17361": "labour", "17362": "herro", "17363": "honeycomb", "17364": "duuuh", "17365": "towards", "17366": "frauds", "17367": "quote", "17368": "eater", "17369": "electable", "17370": "quota", "17371": "exempted", "17372": "freddie", "17373": "adonis", "17374": "eaten", "17375": "rha", "17376": "rhe", "17377": "salary", "17378": "minho", "17379": "somalis", "17380": "luckily", "17381": "quarrel", "17382": "facetimed", "17383": "blend", "17384": "shoutout", "17385": "giggles", "17386": "ashcloud", "17387": "ghibli", "17388": "vinyls", "17389": "aaaaand", "17390": "666", "17391": "boozy", "17392": "booze", "17393": "daaay", "17394": "giggled", "17395": "kinsey", "17396": "restructure", "17397": "completion", "17398": "zumba", "17399": "hyeri", "17400": "rudest", "17401": "necking", "17402": "colby", "17403": "pretty", "17404": "tittie", "17405": "🏅", "17406": "upstanding", "17407": "meanwhile", "17408": "trees", "17409": "famous", "17410": "ewwwwww", "17411": "taetae", "17412": "3xx", "17413": "during", "17414": "workouts", "17415": "cabaye", "17416": "wheezes", "17417": "tmobile", "17418": "sacrificed", "17419": "perfume", "17420": "sacrifices", "17421": "helllllll", "17422": "feed", "17423": "gloves", "17424": "glover", "17425": "switzerland", "17426": "corgi", "17427": "scanning", "17428": "seventeen", "17429": "maurice", "17430": "lifetimes", "17431": "crackle", "17432": "lmaaaooo", "17433": "manning", "17434": "sidetracked", "17435": "horoscopes", "17436": "descriptions", "17437": "runnings", "17438": "deploying", "17439": "tatiana", "17440": "pish", "17441": "patties", "17442": "horrid", "17443": "woz", "17444": "wot", "17445": "wow", "17446": "wop", "17447": "wos", "17448": "wor", "17449": "meeeeee", "17450": "woo", "17451": "won", "17452": "woi", "17453": "woh", "17454": "wok", "17455": "woj", "17456": "woe", "17457": "architect", "17458": "springbreak", "17459": "woa", "17460": "woc", "17461": "piss", "17462": "involuntarily", "17463": "notoriously", "17464": "victimized", "17465": "poorer", "17466": "readying", "17467": "⭕", "17468": "genre", "17469": "useable", "17470": "curated", "17471": "adores", "17472": "anot", "17473": "poeple", "17474": "keaton", "17475": "adored", "17476": "anon", "17477": "lusting", "17478": "buzz", "17479": "sojin", "17480": "shortcake", "17481": "stoplight", "17482": "liked", "17483": "likee", "17484": "fordham", "17485": "battery", "17486": "lauryn", "17487": "skips", "17488": "badminton", "17489": "likes", "17490": "doping", "17491": "yesssssssss", "17492": "sebby", "17493": "ferrero", "17494": "likey", "17495": "catwalk", "17496": "karli", "17497": "described", "17498": "7a", "17499": "karla", "17500": "karly", "17501": "describes", "17502": "tomlinson", "17503": "airstrikes", "17504": "preventable", "17505": "okaaaaay", "17506": "vonne", "17507": "sanders", "17508": "jesuit", "17509": "partly", "17510": "packs", "17511": "wet", "17512": "else", "17513": "anthony", "17514": "👖", "17515": "grills", "17516": "nutcase", "17517": "cllr", "17518": "zaza", "17519": "referrals", "17520": "utmost", "17521": "shawnabner", "17522": "mumbling", "17523": "foreverrr", "17524": "governor", "17525": "xtina", "17526": "krissy", "17527": "nuuuu", "17528": "luciano", "17529": "menards", "17530": "transcripts", "17531": "mitchell", "17532": "heyyyyyyy", "17533": "detailed", "17534": "buckhead", "17535": "walkoff", "17536": "voters", "17537": "promiscuous", "17538": "overlooked", "17539": "jpg", "17540": "tevin", "17541": "tics", "17542": "terminator", "17543": "jpp", "17544": "twittah", "17545": "salons", "17546": "shap", "17547": "shaq", "17548": "shaw", "17549": "anymore", "17550": "shaz", "17551": "cummins", "17552": "belong", "17553": "gopdebate", "17554": "budgie", "17555": "shaa", "17556": "taeil", "17557": "shag", "17558": "madly", "17559": "shae", "17560": "modification", "17561": "shak", "17562": "shah", "17563": "shai", "17564": "shan", "17565": "cumming", "17566": "shal", "17567": "sham", "17568": "used", "17569": "temporary", "17570": "optic", "17571": "dime", "17572": "overweight", "17573": "hopelessly", "17574": "backstreet", "17575": "stooped", "17576": "uses", "17577": "user", "17578": "cyst", "17579": "haunting", "17580": "plugs", "17581": "brussels", "17582": "doode", "17583": "beowulf", "17584": "evangelion", "17585": "grind", "17586": "2gb", "17587": "chronicles", "17588": "taipei", "17589": "nonononono", "17590": "grins", "17591": "wedges", "17592": "scaremongering", "17593": "nutin", "17594": "doody", "17595": "2go", "17596": "distances", "17597": "elp", "17598": "stoooop", "17599": "760", "17600": "skam", "17601": "hither", "17602": "quarters", "17603": "whopping", "17604": "numerals", "17605": "iero", "17606": "iqbal", "17607": "praying", "17608": "afro", "17609": "1800s", "17610": "➡", "17611": "passable", "17612": "helping", "17613": "$", "17614": "peeked", "17615": "shortcomings", "17616": "guaranteed", "17617": "throats", "17618": "barack", "17619": "havin", "17620": "mcfc", "17621": "guarantees", "17622": "discrediting", "17623": "transformation", "17624": "frampton", "17625": "nothinggg", "17626": "marco", "17627": "march", "17628": "evaluate", "17629": "tiring", "17630": "enthusiastically", "17631": "culturally", "17632": "creepypasta", "17633": "bafana", "17634": "submission", "17635": "moira", "17636": "kagami", "17637": "signal", "17638": "resorted", "17639": "donny", "17640": "actives", "17641": "strife", "17642": "emmm", "17643": "clapham", "17644": "provoking", "17645": "donna", "17646": "xero", "17647": "donno", "17648": "missus", "17649": "brakes", "17650": "drove", "17651": "creation", "17652": "instigator", "17653": "outnumber", "17654": "shuddered", "17655": "trends", "17656": "michonne", "17657": "pathetically", "17658": "trendy", "17659": "mustang", "17660": "qatar", "17661": "awwwn", "17662": "xans", "17663": "exceeding", "17664": "meowed", "17665": "🎮", "17666": "pounding", "17667": "civilization", "17668": "slash", "17669": "fwends", "17670": "cgi", "17671": "ruk", "17672": "ruh", "17673": "aman", "17674": "run", "17675": "rum", "17676": "rub", "17677": "hypocritical", "17678": "sfc", "17679": "processing", "17680": "laker", "17681": "lakes", "17682": "babeeeee", "17683": "rue", "17684": "aerosmith", "17685": "bbuing", "17686": "alleyway", "17687": "rus", "17688": "pitchers", "17689": "abroad", "17690": "rut", "17691": "perf", "17692": "jst", "17693": "earlobe", "17694": "cigarette", "17695": "barnaby", "17696": "trucking", "17697": "allotment", "17698": "hummmm", "17699": "pape", "17700": "saddo", "17701": "yepppp", "17702": "seeing", "17703": "caretaker", "17704": "amar", "17705": "ensue", "17706": "qtpie", "17707": "patreon", "17708": "rolly", "17709": "newsnight", "17710": "rolls", "17711": "scenarios", "17712": "caressed", "17713": "📚", "17714": "dawww", "17715": "dncinphl", "17716": "accountability", "17717": "0581", "17718": "wwhl", "17719": "consultation", "17720": "caresses", "17721": "heritage", "17722": "🛁", "17723": "confessing", "17724": "himself", "17725": "asswipe", "17726": "russian", "17727": "crapped", "17728": "ceremonies", "17729": "hypebeast", "17730": "paolo", "17731": "chiropractor", "17732": "circuits", "17733": "paola", "17734": "foresight", "17735": "ihysm", "17736": "deangelo", "17737": "velma", "17738": "smothering", "17739": "charot", "17740": "adults", "17741": "rasheeda", "17742": "willed", "17743": "doesn", "17744": "doest", "17745": "semite", "17746": "ronin", "17747": "basterds", "17748": "rupert", "17749": "cotton", "17750": "tite", "17751": "enquirer", "17752": "tita", "17753": "tito", "17754": "titi", "17755": "politicians", "17756": "shakira", "17757": "tits", "17758": "forge", "17759": "tity", "17760": "acceptable", "17761": "gurgaon", "17762": "spectators", "17763": "shownu", "17764": "evar", "17765": "critiques", "17766": "contested", "17767": "visits", "17768": "nbcsn", "17769": "quinoa", "17770": "evah", "17771": "evan", "17772": "keenum", "17773": "eval", "17774": "crissy", "17775": "flowin", "17776": "heroine", "17777": "revamped", "17778": "whoring", "17779": "depts", "17780": "required", "17781": "👭", "17782": "clenched", "17783": "heath", "17784": "bandung", "17785": "depth", "17786": "sabah", "17787": "heats", "17788": "factually", "17789": "clenches", "17790": "infuriates", "17791": "requires", "17792": "evenly", "17793": "gw", "17794": "gv", "17795": "gu", "17796": "gt", "17797": "gs", "17798": "gr", "17799": "gq", "17800": "gp", "17801": "nunu", "17802": "hartnell", "17803": "merced", "17804": "eradicated", "17805": "gz", "17806": "nuns", "17807": "gx", "17808": "gg", "17809": "gf", "17810": "ge", "17811": "gd", "17812": "gc", "17813": "gb", "17814": "ga", "17815": "malam", "17816": "go", "17817": "gn", "17818": "gm", "17819": "gl", "17820": "gk", "17821": "gj", "17822": "gi", "17823": "gh", "17824": "haaay", "17825": "arin", "17826": "baron", "17827": "earthbound", "17828": "euan", "17829": "chinos", "17830": "wizard", "17831": "airplay", "17832": "arie", "17833": "breakout", "17834": "cdm", "17835": "kidda", "17836": "agaisnt", "17837": "relocated", "17838": "starbursts", "17839": "daleks", "17840": "g6", "17841": "g5", "17842": "g4", "17843": "g3", "17844": "g2", "17845": "ukulele", "17846": "portfolios", "17847": "kitty", "17848": "g8", "17849": "squeaked", "17850": "thermos", "17851": "enslaved", "17852": "80th", "17853": "trudy", "17854": "christmass", "17855": "gassy", "17856": "asparagus", "17857": "inboxes", "17858": "tokyo", "17859": "flickered", "17860": "eeeeee", "17861": "deleting", "17862": "dilute", "17863": "manliness", "17864": "khalifa", "17865": "punishing", "17866": "grylls", "17867": "llorente", "17868": "thunderbird", "17869": "flt", "17870": "brookie", "17871": "louis_tomlinson", "17872": "download", "17873": "christmasy", "17874": "🌝", "17875": "click", "17876": "vilified", "17877": "cupcakes", "17878": "neeeeeed", "17879": "sape", "17880": "espresso", "17881": "valet", "17882": "janoskianators", "17883": "rotten", "17884": "experiment", "17885": "selecting", "17886": "collins", "17887": ";", "17888": "sapp", "17889": "saps", "17890": "vodkas", "17891": "melancholy", "17892": "focuses", "17893": "ull", "17894": "stance", "17895": "newyork", "17896": "eminem", "17897": "embiid", "17898": "scythe", "17899": "subbin", "17900": "❕", "17901": "cuando", "17902": "bloopers", "17903": "rosary", "17904": "jetting", "17905": "grazed", "17906": "🅱", "17907": "repel", "17908": "products", "17909": "youtubes", "17910": "youtuber", "17911": "♿", "17912": "examining", "17913": "stauskas", "17914": "grotesque", "17915": "sparklers", "17916": "sicily", "17917": "clout", "17918": "stupider", "17919": "ligament", "17920": "congolese", "17921": "yiur", "17922": "manipulate", "17923": "strapped", "17924": "uwi", "17925": "carrington", "17926": "deon", "17927": "seahawk", "17928": "reflects", "17929": "belgian", "17930": "benchmark", "17931": "missile", "17932": "bettah", "17933": "priya", "17934": "nyla", "17935": "arched", "17936": "asx", "17937": "crolla", "17938": "donut", "17939": "arches", "17940": "archer", "17941": "thirsting", "17942": "nurture", "17943": "drops", "17944": "berahino", "17945": "providers", "17946": "souljaboy", "17947": "halloween", "17948": "escaped", "17949": "o2l", "17950": "documenting", "17951": "suds", "17952": "triangle", "17953": "protip", "17954": "northerners", "17955": "hesitate", "17956": "boasting", "17957": "jails", "17958": "friendlies", "17959": "vibe", "17960": "campers", "17961": "digested", "17962": "lesley", "17963": "alhamdulillah", "17964": "neurotic", "17965": "located", "17966": "smmfh", "17967": "clair", "17968": "petersen", "17969": "elliptical", "17970": "ugghhhh", "17971": "ferdinand", "17972": "ideologically", "17973": "skated", "17974": "cobwebs", "17975": "furiously", "17976": "asmr", "17977": "fabulousness", "17978": "chiefs", "17979": "jiffy", "17980": "purp", "17981": "spelling", "17982": "kaito", "17983": "indoctrinated", "17984": "pansies", "17985": "corral", "17986": "claire", "17987": "sangria", "17988": "agenda", "17989": "healthcare", "17990": "pina", "17991": "bathing", "17992": "bassline", "17993": "unbreakable", "17994": "🌆", "17995": "petco", "17996": "offences", "17997": "jacqui", "17998": "pine", "17999": "eichel", "18000": "brittle", "18001": "bedsheets", "18002": "stopppppp", "18003": "blake", "18004": "exclusion", "18005": "till", "18006": "sunday", "18007": "housewife", "18008": "youngster", "18009": "pixel", "18010": "koreans", "18011": "pure", "18012": "auto", "18013": "skates", "18014": "camino", "18015": "auth", "18016": "tile", "18017": "x__x", "18018": "snorkel", "18019": "020", "18020": "hippies", "18021": "assess", "18022": "mods", "18023": "turk", "18024": "♨", "18025": "bleep", "18026": "poole", "18027": "nyg", "18028": "looooooooooooool", "18029": "mode", "18030": "pools", "18031": "modi", "18032": "weakkkk", "18033": "medicines", "18034": "upward", "18035": "commonwealth", "18036": "chung", "18037": "aggravates", "18038": "chunk", "18039": "uwe", "18040": "bethel", "18041": "sandi", "18042": "inverted", "18043": "aggravated", "18044": "→", "18045": "sands", "18046": "brodie", "18047": "lalala", "18048": "yesssssss", "18049": "seohyun", "18050": "secretly", "18051": "ricks", "18052": "lukewarm", "18053": "undemocratic", "18054": "activism", "18055": "criminally", "18056": "reboot", "18057": "islamist", "18058": "ricky", "18059": "stayin", "18060": "ㅜㅜ", "18061": "rebook", "18062": "activist", "18063": "islamism", "18064": "pvris", "18065": "wich", "18066": "wick", "18067": "ricki", "18068": "achievements", "18069": "privates", "18070": "ecc", "18071": "trashy", "18072": "2k17", "18073": "eco", "18074": "reacts", "18075": "eck", "18076": "diagonal", "18077": "ecw", "18078": "ecu", "18079": "ect", "18080": "negros", "18081": "onn", "18082": "conservatives", "18083": "celtics", "18084": "chatham", "18085": "2k13", "18086": "myslef", "18087": "drowning", "18088": "trainin", "18089": "precaution", "18090": "route", "18091": "ask", "18092": "headbutt", "18093": "keep", "18094": "keen", "18095": "keem", "18096": "tomorro", "18097": "keek", "18098": "repulsed", "18099": "wading", "18100": "keef", "18101": "austin", "18102": "guyz", "18103": "lovato", "18104": "incarnate", "18105": "snyder", "18106": "kause", "18107": "yong", "18108": "succeeds", "18109": "erky", "18110": "possessing", "18111": "🐊", "18112": "", "18113": "congi", "18114": "conga", "18115": "fella", "18116": "aaptards", "18117": "hyperbolic", "18118": "nahhhhhhh", "18119": "mischievously", "18120": "cuzzy", "18121": "cuzzz", "18122": "attach", "18123": "attack", "18124": "fells", "18125": "encarnacion", "18126": "prouder", "18127": "cuzzo", "18128": "be4", "18129": "tommie", "18130": "lighters", "18131": "formalities", "18132": "chuy", "18133": "poseidon", "18134": "allstate", "18135": "dyno", "18136": "fuzzy", "18137": "overwhelming", "18138": "herself", "18139": "updating", "18140": "bek", "18141": "photograph", "18142": "lamborghini", "18143": "ben", "18144": "bel", "18145": "beb", "18146": "bec", "18147": "bea", "18148": "yawned", "18149": "beg", "18150": "bed", "18151": "bee", "18152": "bez", "18153": "bex", "18154": "bey", "18155": "snazzy", "18156": "buggers", "18157": "bes", "18158": "providing", "18159": "bev", "18160": "bew", "18161": "spurs", "18162": "exhibit", "18163": "wolfpack", "18164": "villains", "18165": "showbiz", "18166": "lightly", "18167": "westgate", "18168": "unchanged", "18169": "carrots", "18170": "hairstylist", "18171": "asics", "18172": "avant", "18173": "beefs", "18174": "cringeworthy", "18175": "torment", "18176": "misogynists", "18177": "goodie", "18178": "facing", "18179": "beefy", "18180": "border", "18181": "asm", "18182": "vieira", "18183": "eyeshadow", "18184": "sprinkles", "18185": "sprinkler", "18186": "unadulterated", "18187": "gunner", "18188": "instance", "18189": "sprinkled", "18190": "romances", "18191": "gunned", "18192": "visor", "18193": "linemen", "18194": "happi", "18195": "fuels", "18196": "hoodlums", "18197": "tshirts", "18198": "plugging", "18199": "halos", "18200": "montana", "18201": "hahaaaaa", "18202": "demise", "18203": "cosplay", "18204": "nuisance", "18205": "cockney", "18206": "haaaate", "18207": "consequences", "18208": "mississauga", "18209": "snickering", "18210": "fafsa", "18211": "proceedings", "18212": "heehee", "18213": "ummmmmm", "18214": "businessman", "18215": "bordeaux", "18216": "affair", "18217": "parker", "18218": "noway", "18219": "kiddie", "18220": "12k", "18221": "anyway", "18222": "unfathomable", "18223": "mbuhari", "18224": "12s", "18225": "parked", "18226": "dunleavy", "18227": "riddim", "18228": "💛", "18229": "hadi", "18230": "lameeee", "18231": "envy", "18232": "40am", "18233": "hadn", "18234": "hada", "18235": "hade", "18236": "f21", "18237": "virgo", "18238": "reactive", "18239": "arabian", "18240": "ethan", "18241": "fuel", "18242": "wrinkling", "18243": "slows", "18244": "flagstaff", "18245": "crumbling", "18246": "bruuuuh", "18247": "120", "18248": "121", "18249": "122", "18250": "123", "18251": "124", "18252": "125", "18253": "126", "18254": "werent", "18255": "128", "18256": "compute", "18257": "matchups", "18258": "ascended", "18259": "holloway", "18260": "cutt", "18261": "evolution", "18262": "shs", "18263": "sht", "18264": "evident", "18265": "shw", "18266": "shy", "18267": "mohammed", "18268": "wadup", "18269": "navarro", "18270": "sha", "18271": "timmies", "18272": "shd", "18273": "she", "18274": "shh", "18275": "shi", "18276": "obscenities", "18277": "dunedin", "18278": "shm", "18279": "dpi", "18280": "preach", "18281": "tactically", "18282": "nuttin", "18283": "prayers", "18284": "capitalists", "18285": "inkling", "18286": "spinoff", "18287": "legacy", "18288": "parnell", "18289": "kravitz", "18290": "empathise", "18291": "luv", "18292": "lux", "18293": "joys", "18294": "luz", "18295": "horribly", "18296": "calhoun", "18297": "willpower", "18298": "vaporeon", "18299": "fgt", "18300": "written", "18301": "👲", "18302": "marsha", "18303": "lue", "18304": "correctly", "18305": "horrible", "18306": "luh", "18307": "chipmunks", "18308": "neither", "18309": "flickr", "18310": "kidneys", "18311": "franchises", "18312": "nutritious", "18313": "attention", "18314": "🙇", "18315": "munching", "18316": "uup", "18317": "spared", "18318": "squads", "18319": "approval", "18320": "precious", "18321": "mcconaughey", "18322": "wapo", "18323": "unbuckles", "18324": "interpretations", "18325": "yuuuuup", "18326": "antisocial", "18327": "gingers", "18328": "hustlers", "18329": "fgo", "18330": "ffxv", "18331": "thang", "18332": "bestttt", "18333": "jersey", "18334": "uuh", "18335": "gimps", "18336": "habitual", "18337": "franchise", "18338": "penchant", "18339": "againn", "18340": "plagiarized", "18341": "addition", "18342": "discrimination", "18343": "tweety", "18344": "whedon", "18345": "🌴", "18346": "minimise", "18347": "mothafucka", "18348": "isolating", "18349": "username", "18350": "technologically", "18351": "huntsville", "18352": "releasing", "18353": "10years", "18354": "netanyahu", "18355": "expenditure", "18356": "mail", "18357": "kicks", "18358": "homeeeee", "18359": "brunch", "18360": "ins", "18361": "digger", "18362": "msnbc", "18363": "chivas", "18364": "novel", "18365": "screencap", "18366": "asexual", "18367": "xoxoxo", "18368": "bahama", "18369": "salman", "18370": "hopsin", "18371": "oversee", "18372": "gucci", "18373": "jessi", "18374": "owns", "18375": "jojos", "18376": "lambo", "18377": "resident", "18378": "nafta", "18379": "agains", "18380": "claps", "18381": "lambs", "18382": "obituary", "18383": "jessa", "18384": "✧", "18385": "varanasi", "18386": "vitor", "18387": "upside", "18388": "anesthesia", "18389": "chants", "18390": "1990s", "18391": "blight", "18392": "wakeup", "18393": "inc", "18394": "solange", "18395": "ooooooooo", "18396": "🥃", "18397": "practitioner", "18398": "context", "18399": "rightfully", "18400": "absorb", "18401": "preteen", "18402": "huhuhu", "18403": "tonio", "18404": "isco", "18405": "lickin", "18406": "energized", "18407": "sibs", "18408": "paycheck", "18409": "transaction", "18410": "reflection", "18411": "hokies", "18412": "i", "18413": "quizup", "18414": "modeled", "18415": "woohyun", "18416": "flexing", "18417": "mclemore", "18418": "taller", "18419": "underdog", "18420": "kkk", "18421": "muchhh", "18422": "accurate", "18423": "votto", "18424": "soulja", "18425": "—", "18426": "headin", "18427": "spells", "18428": "nats", "18429": "sqfav0rs", "18430": "patricia", "18431": "killed", "18432": "😰", "18433": "nati", "18434": "nath", "18435": "nato", "18436": "ಠ_ಠ", "18437": "natl", "18438": "warrant", "18439": "homework", "18440": "sonic", "18441": "fata", "18442": "sonia", "18443": "definitive", "18444": "fate", "18445": "livemixtapes", "18446": "fats", "18447": "boiiiii", "18448": "historic", "18449": "267", "18450": "dudes", "18451": "265", "18452": "fatt", "18453": "imei", "18454": "racially", "18455": "269", "18456": "duder", "18457": "prominent", "18458": "fleas", "18459": "kcapinoystar", "18460": "renegade", "18461": "sizes", "18462": "alternatively", "18463": "stevenson", "18464": "revving", "18465": "candy", "18466": "sized", "18467": "casualties", "18468": "sissy", "18469": "pinging", "18470": "siggy", "18471": "backlog", "18472": "lends", "18473": "therein", "18474": "📩", "18475": "herbie", "18476": "semblance", "18477": "incubus", "18478": "cleveland", "18479": "liking", "18480": "tiaras", "18481": "dekat", "18482": "manflu", "18483": "balboa", "18484": "medieval", "18485": "turds", "18486": "choker", "18487": "chokes", "18488": "expansion", "18489": "whateverrr", "18490": "choked", "18491": "misrepresentation", "18492": "carat", "18493": "boybands", "18494": "awwwwwwwwww", "18495": "sinister", "18496": "recognized", "18497": "nades", "18498": "notmypresident", "18499": "nader", "18500": "recognizes", "18501": "billboards", "18502": "h8", "18503": "celebrations", "18504": "mcnair", "18505": "h2", "18506": "political", "18507": "h1", "18508": "taiga", "18509": "naegi", "18510": "mushrooms", "18511": "", "18512": "secretive", "18513": "winging", "18514": "backups", "18515": "bombay", "18516": "jubilee", "18517": "mississippi", "18518": "vsco", "18519": "rejoice", "18520": "gerbil", "18521": "mastermind", "18522": "daniels", "18523": "dolores", "18524": "noticed", "18525": "accountant", "18526": "figuratively", "18527": "inner", "18528": "notices", "18529": "daniela", "18530": "overlords", "18531": "jinx", "18532": "backhand", "18533": "hz", "18534": "hy", "18535": "ayeeeeeee", "18536": "unfriend", "18537": "hr", "18538": "hs", "18539": "hp", "18540": "hq", "18541": "hv", "18542": "hw", "18543": "ht", "18544": "hu", "18545": "hj", "18546": "hk", "18547": "hh", "18548": "hi", "18549": "hn", "18550": "ho", "18551": "hl", "18552": "hm", "18553": "hb", "18554": "hc", "18555": "overflow", "18556": "ha", "18557": "hf", "18558": "hg", "18559": "hd", "18560": "he", "18561": "dmb", "18562": "dmc", "18563": "dmd", "18564": "dmg", "18565": "dmk", "18566": "broads", "18567": "carriage", "18568": "dms", "18569": "limit", "18570": "dmv", "18571": "gagged", "18572": "dmx", "18573": "mechanics", "18574": "thnks", "18575": "maury", "18576": "twist", "18577": "maura", "18578": "lobes", "18579": "twatchin", "18580": "balcony", "18581": "folio", "18582": "pucks", "18583": "infatuated", "18584": "trueeeeee", "18585": "💲", "18586": "glizzy", "18587": "meteor", "18588": "ahhahaha", "18589": "jamming", "18590": "pluckers", "18591": "treadmills", "18592": "anddddd", "18593": "thereafter", "18594": "475", "18595": "rayne", "18596": "insults", "18597": "numero", "18598": "pathways", "18599": "nintendo", "18600": "singleton", "18601": "howie", "18602": "spence", "18603": "socialized", "18604": "appoint", "18605": "coyg", "18606": "coyb", "18607": "blogs", "18608": "coyi", "18609": "chippy", "18610": "gayyyyyy", "18611": "amputated", "18612": "tightest", "18613": "elsie", "18614": "coys", "18615": "coyr", "18616": "chvrches", "18617": "augustine", "18618": "cinci", "18619": "dynamic", "18620": "straws", "18621": "taters", "18622": "6pm", "18623": "fronts", "18624": "masel", "18625": "inb4", "18626": "cian", "18627": "onstage", "18628": "thoooooo", "18629": "rescue", "18630": "activation", "18631": "railways", "18632": "kuda", "18633": "flashpoint", "18634": "malmo", "18635": "covert", "18636": "harambe", "18637": "amzing", "18638": "crayola", "18639": "reforms", "18640": "affect", "18641": "alpine", "18642": "snowflakes", "18643": "waldo", "18644": "clothed", "18645": "companies", "18646": "solution", "18647": "upa", "18648": "boohoo", "18649": "indefinitely", "18650": "vector", "18651": "sexton", "18652": "cholesterol", "18653": "elissa", "18654": "uncooked", "18655": "ups", "18656": "upp", "18657": "9pm", "18658": "favoured", "18659": "uncovers", "18660": "discriminatory", "18661": "concise", "18662": "🌍", "18663": "lavender", "18664": "tfios", "18665": "sxsw", "18666": "pattinson", "18667": "vyrt", "18668": "trumpprotest", "18669": "cesar", "18670": "colourful", "18671": "pander", "18672": "neo", "18673": "nel", "18674": "nem", "18675": "nek", "18676": "neh", "18677": "nei", "18678": "neg", "18679": "ned", "18680": "nee", "18681": "jaeger", "18682": "nec", "18683": "nea", "18684": "yaassss", "18685": "nex", "18686": "ney", "18687": "nev", "18688": "fetish", "18689": "net", "18690": "ner", "18691": "nes", "18692": "nep", "18693": "rowyso", "18694": "mamas", "18695": "centric", "18696": "screams", "18697": "brutha", "18698": "never", "18699": "titanfall", "18700": "nanna", "18701": "drew", "18702": "huuuugs", "18703": "anticlimactic", "18704": "onus", "18705": "q11", "18706": "nanny", "18707": "drea", "18708": "screamo", "18709": "cardboard", "18710": "dred", "18711": "interpret", "18712": "spokane", "18713": "masha", "18714": "roflmao", "18715": "oman", "18716": "fked", "18717": "vulnerability", "18718": "piercing", "18719": "tolerating", "18720": "golds", "18721": "awhhhhh", "18722": "omar", "18723": "cindy", "18724": "megaman", "18725": "buckley", "18726": "stinky", "18727": "astute", "18728": "onsie", "18729": "bussed", "18730": "hunch", "18731": "reagan", "18732": "adkins", "18733": "county", "18734": "spied", "18735": "busses", "18736": "drowned", "18737": "counts", "18738": "schilling", "18739": "crewe", "18740": "styx", "18741": "ratty", "18742": "mortality", "18743": "pudgy", "18744": "gooner", "18745": "tweeps", "18746": "typo", "18747": "recommend", "18748": "typa", "18749": "albertsons", "18750": "type", "18751": "tell", "18752": "nycfc", "18753": "kgs", "18754": "sookie", "18755": "posting", "18756": "culver", "18757": "expose", "18758": "watts", "18759": "loong", "18760": "merle", "18761": "thabk", "18762": "kgb", "18763": "thabo", "18764": "shelters", "18765": "molesters", "18766": "loons", "18767": "regan", "18768": "rightt", "18769": "kumar", "18770": "norwood", "18771": "rights", "18772": "yesh", "18773": "righty", "18774": "spec", "18775": "fellani", "18776": "suggestive", "18777": "frantic", "18778": "sumthing", "18779": "barbers", "18780": "lolx", "18781": "fresher", "18782": "give", "18783": "ruzzle", "18784": "homie", "18785": "atp", "18786": "freshen", "18787": "polio", "18788": "stilly", "18789": "loompa", "18790": "soros", "18791": "stills", "18792": "stilll", "18793": "stupidity", "18794": "bassist", "18795": "butting", "18796": "cornrows", "18797": "shroom", "18798": "🏌", "18799": "bafta", "18800": "gettting", "18801": "summarize", "18802": "sikee", "18803": "southwestair", "18804": "ambivalent", "18805": "vfl", "18806": "biiiiitch", "18807": "janis", "18808": "loyalists", "18809": "ー", "18810": "justinbieber", "18811": "vfx", "18812": "carra", "18813": "murray", "18814": "pahahaha", "18815": "hibernation", "18816": "dangal", "18817": "keyboard", "18818": "hoppin", "18819": "panthers", "18820": "malkin", "18821": "macam", "18822": "harmonica", "18823": "soaking", "18824": "smalling", "18825": "anushka", "18826": "ghouls", "18827": "deletion", "18828": "unemployed", "18829": "academics", "18830": "mxm", "18831": "kony", "18832": "aborted", "18833": "indulge", "18834": "vaping", "18835": "whaaaaaaat", "18836": "rhetoric", "18837": "brightness", "18838": "daydream", "18839": "ewwww", "18840": "lucy", "18841": "pakistanis", "18842": "bantz", "18843": "luce", "18844": "panini", "18845": "daughters", "18846": "unintelligent", "18847": "bants", "18848": "nooow", "18849": "luci", "18850": "luck", "18851": "dawt", "18852": "tatts", "18853": "daww", "18854": "adobe", "18855": "enthusiasts", "18856": "duuuuuude", "18857": "adobo", "18858": "combust", "18859": "taught", "18860": "bihhh", "18861": "dawn", "18862": "publically", "18863": "collector", "18864": "enclosure", "18865": "jell", "18866": "bruhhhhhhh", "18867": "decree", "18868": "mmmkay", "18869": "satans", "18870": "freelancers", "18871": "ranted", "18872": "cthulhu", "18873": "mccarthy", "18874": "surprise", "18875": "parks", "18876": "sluggish", "18877": "grease", "18878": "cmere", "18879": "howre", "18880": "revenge", "18881": "ramon", "18882": "ramos", "18883": "egyptians", "18884": "mistress", "18885": "cmu", "18886": "greasy", "18887": "westfields", "18888": "aisle", "18889": "reinvent", "18890": "logging", "18891": "iss", "18892": "isp", "18893": "messages", "18894": "childishly", "18895": "isu", "18896": "ist", "18897": "loui", "18898": "isi", "18899": "ish", "18900": "iso", "18901": "isn", "18902": "ism", "18903": "fuckig", "18904": "isb", "18905": "isa", "18906": "hannibal", "18907": "loud", "18908": "fuckin", "18909": "stewart", "18910": "grownups", "18911": "tilapia", "18912": "economists", "18913": "unfollowed", "18914": "hoop", "18915": "zelo", "18916": "hoot", "18917": "executions", "18918": "hook", "18919": "hoon", "18920": "hooo", "18921": "hoof", "18922": "hood", "18923": "monotonous", "18924": "brock", "18925": "goblins", "18926": "broco", "18927": "girlz", "18928": "girly", "18929": "plains", "18930": "struts", "18931": "girls", "18932": "hadd", "18933": "interlude", "18934": "girll", "18935": "inferno", "18936": "xxxxxxxxxxxxxxx", "18937": "makeout", "18938": "girla", "18939": "dilated", "18940": "midsummer", "18941": "tmoz", "18942": "villages", "18943": "trippy", "18944": "🙎", "18945": "tokens", "18946": "esha", "18947": "musing", "18948": "godawful", "18949": "swells", "18950": "trippn", "18951": "chey", "18952": "stocking", "18953": "preacher", "18954": "keyword", "18955": "princeton", "18956": "soonest", "18957": "mlrt", "18958": "legalize", "18959": "matteo", "18960": "againnn", "18961": "peado", "18962": "matter", "18963": "childlike", "18964": "aiight", "18965": "coburn", "18966": "bidder", "18967": "cruella", "18968": "prankster", "18969": "stomping", "18970": "scabby", "18971": "childcare", "18972": "compression", "18973": "yachty", "18974": "zoolander", "18975": "alibi", "18976": "impotent", "18977": "chek", "18978": "niece", "18979": "moanin", "18980": "koke", "18981": "wrists", "18982": "psychologically", "18983": "koko", "18984": "rappers", "18985": "cassettes", "18986": "wisco", "18987": "inconsistency", "18988": "pointe", "18989": "frizz", "18990": "medical", "18991": "greased", "18992": "sheryl", "18993": "digress", "18994": "points", "18995": "dovey", "18996": "pointy", "18997": "onnnnn", "18998": "throwaway", "18999": "yessssssss", "19000": "doves", "19001": "dover", "19002": "pollen", "19003": "rapture", "19004": "visitor", "19005": "💋", "19006": "brilliance", "19007": "stelena", "19008": "baack", "19009": "incoherently", "19010": "powerpuff", "19011": "thirds", "19012": "muhammed", "19013": "judges", "19014": "resisting", "19015": "chamomile", "19016": "acne", "19017": "folded", "19018": "unleashed", "19019": "homegurl", "19020": "judged", "19021": "integrate", "19022": "folder", "19023": "chamberlain", "19024": "thattt", "19025": "dstv", "19026": "quirked", "19027": "smut", "19028": "stop", "19029": "ahahaha", "19030": "guideline", "19031": "meditate", "19032": "letss", "19033": "smug", "19034": "comply", "19035": "indicud", "19036": "foreveralone", "19037": "classier", "19038": "fields", "19039": "thrusts", "19040": "croutons", "19041": "grammer", "19042": "briefed", "19043": "stinger", "19044": "brazy", "19045": "t8", "19046": "chirpy", "19047": "ethical", "19048": "reference", "19049": "zoned", "19050": "witout", "19051": "sturgeon", "19052": "zones", "19053": "poltergeist", "19054": "viewings", "19055": "restocking", "19056": "pebbles", "19057": "snuff", "19058": "scabs", "19059": "duff", "19060": "homewrecker", "19061": "sorta", "19062": "scrap", "19063": "2000th", "19064": "ventura", "19065": "causeway", "19066": "prince", "19067": "scran", "19068": "😷", "19069": "timeframe", "19070": "whereeeee", "19071": "sorts", "19072": "relatable", "19073": "venture", "19074": "loooooooooool", "19075": "vows", "19076": "dumber", "19077": "richest", "19078": "werk", "19079": "modeling", "19080": "picking", "19081": "dumbed", "19082": "aunties", "19083": "mucky", "19084": "horsemen", "19085": "fanbases", "19086": "valedictorian", "19087": "distinction", "19088": "gwen", "19089": "winnie", "19090": "yessssssssss", "19091": "bloomin", "19092": "voicemails", "19093": "hygiene", "19094": "gawn", "19095": "marmite", "19096": "springs", "19097": "contractor", "19098": "beyhive", "19099": "proceeded", "19100": "differs", "19101": "dusting", "19102": "recognised", "19103": "urghh", "19104": "teaparty", "19105": "jordin", "19106": "ellington", "19107": "obtained", "19108": "mcm", "19109": "mcl", "19110": "cambodia", "19111": "mch", "19112": "mcg", "19113": "quantities", "19114": "ge2015", "19115": "sunshine", "19116": "mcc", "19117": "downed", "19118": "mca", "19119": "briefs", "19120": "buyin", "19121": "mcw", "19122": "wengerout", "19123": "mcu", "19124": "mcs", "19125": "mcr", "19126": "doen", "19127": "misquoted", "19128": "exception", "19129": "tank", "19130": "tang", "19131": "neal", "19132": "tana", "19133": "lizard", "19134": "neat", "19135": "tanx", "19136": "tans", "19137": "anchor", "19138": "chilling", "19139": "iy", "19140": "ix", "19141": "iz", "19142": "metropolitan", "19143": "iq", "19144": "ip", "19145": "is", "19146": "ir", "19147": "iu", "19148": "it", "19149": "stoppp", "19150": "iv", "19151": "ii", "19152": "jess", "19153": "ik", "19154": "im", "19155": "il", "19156": "io", "19157": "in", "19158": "ia", "19159": "ic", "19160": "ib", "19161": "ie", "19162": "id", "19163": "ig", "19164": "if", "19165": "pathfinder", "19166": "bottles", "19167": "cools", "19168": "bcfc", "19169": "sidelined", "19170": "®", "19171": "jolene", "19172": "bottled", "19173": "chatroom", "19174": "cooln", "19175": "sidelines", "19176": "gaurav", "19177": "doorbell", "19178": "declaring", "19179": "i5", "19180": "i7", "19181": "ノ", "19182": "waterfall", "19183": "rhis", "19184": "❗", "19185": "potentials", "19186": "jealous", "19187": "numbness", "19188": "otters", "19189": "practiced", "19190": "roms", "19191": "romp", "19192": "timeouts", "19193": "romy", "19194": "practices", "19195": "tombstone", "19196": "pandora", "19197": "roma", "19198": "romo", "19199": "oneplus", "19200": "buuuuuut", "19201": "answering", "19202": "lorna", "19203": "wasters", "19204": "sporting", "19205": "whitewater", "19206": "absolutley", "19207": "bandwidth", "19208": "identify", "19209": "ciara", "19210": "facts", "19211": "punchlines", "19212": "is2g", "19213": "😠", "19214": "belfast", "19215": "sunflower", "19216": "regarded", "19217": "rehearsals", "19218": "hahahhaa", "19219": "justices", "19220": "hahahhah", "19221": "locator", "19222": "opt", "19223": "sundayfunday", "19224": "opp", "19225": "ops", "19226": "tmro", "19227": "taeyeon", "19228": "3pt", "19229": "inflicting", "19230": "tmrw", "19231": "ope", "19232": "halloumi", "19233": "3pm", "19234": "pulis", "19235": "govt", "19236": "opm", "19237": "🌻", "19238": "reconsidering", "19239": "nevermind", "19240": "airhead", "19241": "bitchhh", "19242": "macie", "19243": "banshee", "19244": "confront", "19245": "aaahh", "19246": "clementine", "19247": "www", "19248": "motorsport", "19249": "kaila", "19250": "holdup", "19251": "wwe", "19252": "scrimmage", "19253": "wwf", "19254": "🤕", "19255": "trippen", "19256": "invoice", "19257": "poolside", "19258": "hahaahah", "19259": "wwi", "19260": "capricorns", "19261": "tripped", "19262": "heinous", "19263": "sprawl", "19264": "tracked", "19265": "uproar", "19266": "notification", "19267": "glitchy", "19268": "daytime", "19269": "aaaaaa", "19270": "flounder", "19271": "tracker", "19272": "aaaaah", "19273": "genji", "19274": "burd", "19275": "burg", "19276": "ww1", "19277": "entice", "19278": "ww3", "19279": "ww2", "19280": "extraordinaire", "19281": "burn", "19282": "jester", "19283": "burt", "19284": "promos", "19285": "firemen", "19286": "burp", "19287": "burr", "19288": "keeper", "19289": "bury", "19290": "sweetcorn", "19291": "puking", "19292": "dunking", "19293": "yelling", "19294": "moscato", "19295": "nairobi", "19296": "birdman", "19297": "dutton", "19298": "mccann", "19299": "hiroshima", "19300": "azure", "19301": "islands", "19302": "bruyne", "19303": "azura", "19304": "meerkat", "19305": "alucard", "19306": "nerve", "19307": "gloss", "19308": "formerly", "19309": "ploy", "19310": "sergio", "19311": "lacazette", "19312": "intellectual", "19313": "r34", "19314": "salisbury", "19315": "hopfully", "19316": "frightened", "19317": "nervy", "19318": "towson", "19319": "snorts", "19320": "ihad", "19321": "trayvon", "19322": "sadlife", "19323": "stalk", "19324": "fork", "19325": "❀", "19326": "form", "19327": "fora", "19328": "fireworks", "19329": "fore", "19330": "ford", "19331": "31st", "19332": "penned", "19333": "justify", "19334": "hoosier", "19335": "forr", "19336": "infos", "19337": "utes", "19338": "fback", "19339": "fort", "19340": "oneee", "19341": "pavilion", "19342": "fakest", "19343": "roundup", "19344": "tucson", "19345": "sapphire", "19346": "zara", "19347": "cosmos", "19348": "daddy", "19349": "temper", "19350": "delete", "19351": "abusing", "19352": "shih", "19353": "shii", "19354": "shin", "19355": "sticks", "19356": "mmph", "19357": "classic", "19358": "shia", "19359": "kmsl", "19360": "shid", "19361": "sticky", "19362": "shiz", "19363": "fashioned", "19364": "lmfaooooooooo", "19365": "mediocre", "19366": "esteban", "19367": "commuting", "19368": "shit", "19369": "adelaide", "19370": "💢", "19371": "jadeja", "19372": "molester", "19373": "alerts", "19374": "venison", "19375": "boogers", "19376": "digital", "19377": "hangin", "19378": "ribbons", "19379": "molested", "19380": "alisa", "19381": "dier", "19382": "dies", "19383": "besty", "19384": "felt", "19385": "coronas", "19386": "rien", "19387": "diet", "19388": "fell", "19389": "noshame", "19390": "exported", "19391": "feli", "19392": "diem", "19393": "authorities", "19394": "transfers", "19395": "nko", "19396": "usmc", "19397": "died", "19398": "derail", "19399": "billion", "19400": "allright", "19401": "assume", "19402": "blushing", "19403": "tehehe", "19404": "ahahahahah", "19405": "sobering", "19406": "anong", "19407": "befriend", "19408": "318", "19409": "farhan", "19410": "woodwork", "19411": "skip", "19412": "skis", "19413": "skit", "19414": "invent", "19415": "laura", "19416": "byun", "19417": "skim", "19418": "lcbo", "19419": "skin", "19420": "primer", "19421": "skid", "19422": "sath", "19423": "misread", "19424": "yummy", "19425": "deceitful", "19426": "🐨", "19427": "marko", "19428": "editors", "19429": "duolingo", "19430": "yummm", "19431": "answered", "19432": "marks", "19433": "daryl", "19434": "marky", "19435": "sorkin", "19436": "string", "19437": "jezebel", "19438": "1990", "19439": "billionaire", "19440": "sureeeeee", "19441": "fuuuu", "19442": "🍒", "19443": "huuuuugs", "19444": "jha", "19445": "jhb", "19446": "stapler", "19447": "staples", "19448": "banished", "19449": "cavendish", "19450": "1996", "19451": "accidentally", "19452": "travels", "19453": "sohyun", "19454": "stapled", "19455": "laxatives", "19456": "tums", "19457": "erections", "19458": "strachan", "19459": "shave", "19460": "mutts", "19461": "olympic", "19462": "undoes", "19463": "uranus", "19464": "∇", "19465": "wenever", "19466": "pregnancies", "19467": "ery", "19468": "draping", "19469": "kneading", "19470": "313", "19471": "koda", "19472": "b1a4", "19473": "schoool", "19474": "ches", "19475": "lennox", "19476": "genitalia", "19477": "heres", "19478": "skyzone", "19479": "tnf", "19480": "lennon", "19481": "somalia", "19482": "template", "19483": "heree", "19484": "growls", "19485": "transportation", "19486": "bandwagon", "19487": "tibet", "19488": "kody", "19489": "ridin", "19490": "weir", "19491": "mages", "19492": "iwould", "19493": "detest", "19494": "hummed", "19495": "congestion", "19496": "deceit", "19497": "laughin", "19498": "easton", "19499": "bugatti", "19500": "yessss", "19501": "rajon", "19502": "eri", "19503": "exploitation", "19504": "10ish", "19505": "scripting", "19506": "priceless", "19507": "stubbed", "19508": "genuinely", "19509": "wilkes", "19510": "ʷʰʸ", "19511": "regeneration", "19512": "histories", "19513": "tailbone", "19514": "sympathetic", "19515": "thro", "19516": "troops", "19517": "thre", "19518": "calais", "19519": "insides", "19520": "insider", "19521": "shoud", "19522": "thry", "19523": "thru", "19524": "ood", "19525": "outweighs", "19526": "oof", "19527": "thevampsband", "19528": "ooc", "19529": "ooo", "19530": "curriculum", "19531": "ooh", "19532": "ook", "19533": "🎌", "19534": "oot", "19535": "asserting", "19536": "rigid", "19537": "oop", "19538": "savior", "19539": "oor", "19540": "olive", "19541": "effort", "19542": "capturing", "19543": "housekeeping", "19544": "pageant", "19545": "mmhmm", "19546": "gayyy", "19547": "looool", "19548": "314", "19549": "hubris", "19550": "wallet", "19551": "aaaww", "19552": "waller", "19553": "growing", "19554": "columbian", "19555": "dosage", "19556": "deceased", "19557": "toews", "19558": "crazy", "19559": "mongo", "19560": "hippo", "19561": "", "19562": "nics", "19563": "mongs", "19564": "craze", "19565": "pink", "19566": "purr", "19567": "rays", "19568": "ayyyyeee", "19569": "tilt", "19570": "necklaces", "19571": "🚪", "19572": "ping", "19573": "definatley", "19574": "sundae", "19575": "chemical", "19576": "raya", "19577": "bbloggers", "19578": "detentions", "19579": "sword", "19580": "swore", "19581": "pins", "19582": "puri", "19583": "sworn", "19584": "tedcruz", "19585": "pint", "19586": "ayyyeee", "19587": "designer", "19588": "altonsterling", "19589": "reps", "19590": "endangering", "19591": "designed", "19592": "kyungsoo", "19593": "guys", "19594": "grow", "19595": "cueto", "19596": "fantasia", "19597": "outline", "19598": "hanukkah", "19599": "trueeee", "19600": "maybe", "19601": "tapas", "19602": "thorne", "19603": "fluent", "19604": "inhabitants", "19605": "jail", "19606": "sitcoms", "19607": "jain", "19608": "verify", "19609": "thorns", "19610": "gesture", "19611": "maybs", "19612": "cute", "19613": "5x5", "19614": "sevco", "19615": "canberra", "19616": "johny", "19617": "rabbi", "19618": "pointed", "19619": "distinctly", "19620": "cuti", "19621": "entity", "19622": "stability", "19623": "🚓", "19624": "terrace", "19625": "cuts", "19626": "marshmallows", "19627": "pointer", "19628": "texan", "19629": "yaaaah", "19630": "smoothie", "19631": "minzy", "19632": "birthdayyyy", "19633": "д", "19634": "serenaded", "19635": "tomorow", "19636": "texas", "19637": "hellas", "19638": "tonic", "19639": "unplanned", "19640": "finance", "19641": "tropicana", "19642": "captivated", "19643": "killer", "19644": "shatter", "19645": "jaysus", "19646": "sooner", "19647": "binks", "19648": "yaaaaa", "19649": "touching", "19650": "killem", "19651": "aspirations", "19652": "binky", "19653": "bullshit", "19654": "akatsuki", "19655": "heisenberg", "19656": "snedeker", "19657": "zain", "19658": "resignation", "19659": "zaid", "19660": "peasant", "19661": "offshore", "19662": "deandre", "19663": "jiggy", "19664": "820", "19665": "outfielders", "19666": "agin", "19667": "qvc", "19668": "bookshop", "19669": "lycra", "19670": "nshit", "19671": "wotsits", "19672": "preaching", "19673": "kalos", "19674": "haddin", "19675": "relive", "19676": "evanescence", "19677": "medias", "19678": "interference", "19679": "imperative", "19680": "zoroark", "19681": "objectivity", "19682": "nudes", "19683": "stanky", "19684": "lgbtq", "19685": "doujins", "19686": "monster", "19687": "fashola", "19688": "hefty", "19689": "mechanisms", "19690": "gagging", "19691": "walnuts", "19692": "ackles", "19693": "vinyl", "19694": "amigos", "19695": "huuuuge", "19696": "alphas", "19697": "underwear", "19698": "jakes", "19699": "language", "19700": "bared", "19701": "jakey", "19702": "drizzling", "19703": "listings", "19704": "foreverrrrr", "19705": "925", "19706": "pollard", "19707": "nuff", "19708": "nufc", "19709": "blacksmith", "19710": "cellulite", "19711": "nikko", "19712": "exotic", "19713": "dwelling", "19714": "oohh", "19715": "kernel", "19716": "buzzes", "19717": "question", "19718": "afew", "19719": "yukari", "19720": "telus", "19721": "carry", "19722": "corporations", "19723": "fiji", "19724": "goneee", "19725": "☞", "19726": "workaround", "19727": "ibrahimovic", "19728": "psychotic", "19729": "alfred", "19730": "lexa", "19731": "rosario", "19732": "knowwwwwww", "19733": "paved", "19734": "impresses", "19735": "earthlings", "19736": "massaged", "19737": "neverland", "19738": "continuous", "19739": "accurately", "19740": "massages", "19741": "tegan", "19742": "infiltrate", "19743": "wers", "19744": "gotti", "19745": "cracks", "19746": "fuking", "19747": "atleti", "19748": "wormhole", "19749": "mannnn", "19750": "lexi", "19751": "gotta", "19752": "browning", "19753": "victorias", "19754": "cracka", "19755": "victorian", "19756": "orgy", "19757": "knives", "19758": "werd", "19759": "were", "19760": "brockton", "19761": "orgs", "19762": "gigantic", "19763": "tractor", "19764": "coconut", "19765": "pleaseeeee", "19766": "sulu", "19767": "marijuana", "19768": "tuscaloosa", "19769": "conspiracy", "19770": "adele", "19771": "mitty", "19772": "sulk", "19773": "mitts", "19774": "thoughhhh", "19775": "hashmi", "19776": "leinster", "19777": "clintons", "19778": "creatively", "19779": "personalized", "19780": "pranks", "19781": "〽", "19782": "nffc", "19783": "teflon", "19784": "skinned", "19785": "pain", "19786": "pail", "19787": "investigations", "19788": "dahvie", "19789": "paid", "19790": "baaack", "19791": "skinner", "19792": "pair", "19793": "cuban", "19794": "massacred", "19795": "kwento", "19796": "refunds", "19797": "fills", "19798": "gyro", "19799": "napkin", "19800": "filly", "19801": "10x10", "19802": "corrin", "19803": "glides", "19804": "40mins", "19805": "corrie", "19806": "beaner", "19807": "inky", "19808": "reblog", "19809": "babycakes", "19810": "delta", "19811": "savory", "19812": "contemporary", "19813": "pinkman", "19814": "legalization", "19815": "mirza", "19816": "cambodian", "19817": "flack", "19818": "singaporean", "19819": "youngin", "19820": "curled", "19821": "owhh", "19822": "fanmeeting", "19823": "mubarak", "19824": "lekin", "19825": "pump", "19826": "nickels", "19827": "black", "19828": "shutters", "19829": "walgreens", "19830": "weddinghour", "19831": "revisionist", "19832": "blacc", "19833": "phuket", "19834": "hungarian", "19835": "spraying", "19836": "framing", "19837": "yvonne", "19838": "unethical", "19839": "showoff", "19840": "protag", "19841": "tazed", "19842": "hahahahahahahahahaha", "19843": "summary", "19844": "ruddy", "19845": "apricot", "19846": "920", "19847": "communicated", "19848": "wiki", "19849": "kook", "19850": "honesty", "19851": "doingg", "19852": "ricci", "19853": "wike", "19854": "j2", "19855": "blurred", "19856": "huckabee", "19857": "doings", "19858": "bismillah", "19859": "calendar", "19860": "puma", "19861": "keeks", "19862": "breakingbad", "19863": "whereabouts", "19864": "behind", "19865": "chewy", "19866": "ju", "19867": "ramones", "19868": "chews", "19869": "reading", "19870": "snorted", "19871": "checks", "19872": "oversized", "19873": "rupp", "19874": "tux", "19875": "jx", "19876": "jy", "19877": "jz", "19878": "jt", "19879": "jp", "19880": "jv", "19881": "jw", "19882": "tut", "19883": "tuu", "19884": "jr", "19885": "killing", "19886": "tuh", "19887": "jm", "19888": "jn", "19889": "jo", "19890": "jh", "19891": "tum", "19892": "jj", "19893": "magna", "19894": "jd", "19895": "je", "19896": "tub", "19897": "trolling", "19898": "lopez", "19899": "jb", "19900": "jc", "19901": "bopping", "19902": "jl", "19903": "dates", "19904": "rugby", "19905": "stinker", "19906": "somin", "19907": "saratoga", "19908": "according", "19909": "selenagomez", "19910": "disappointment", "19911": "dwellers", "19912": "holders", "19913": "nflnetwork", "19914": "252", "19915": "ji", "19916": "forecasting", "19917": "yoooou", "19918": "tun", "19919": "cancer", "19920": "jk", "19921": "spelman", "19922": "whaaaaaat", "19923": "pleeeeease", "19924": "whitest", "19925": "cancel", "19926": "perpetuating", "19927": "btcare", "19928": "jf", "19929": "yooooo", "19930": "awsome", "19931": "jg", "19932": "_____________", "19933": "arty", "19934": "barry", "19935": "ucla", "19936": "kirsten", "19937": "wowzers", "19938": "tuf", "19939": "tumblrs", "19940": "snes", "19941": "rancher", "19942": "borders", "19943": "tug", "19944": "bmc", "19945": "vodafonein", "19946": "graveyard", "19947": "offered", "19948": "bmi", "19949": "bmo", "19950": "redeye", "19951": "bms", "19952": "spills", "19953": "bmw", "19954": "bmt", "19955": "overdose", "19956": "bmx", "19957": "rediculous", "19958": "odyssey", "19959": "those", "19960": "apologised", "19961": "klaus", "19962": "disconnected", "19963": "compile", "19964": "apologises", "19965": "margie", "19966": "awakened", "19967": "ginge", "19968": "margin", "19969": "wijnaldum", "19970": "bathe", "19971": "hoke", "19972": "fatso", "19973": "sincere", "19974": "undertones", "19975": "destin", "19976": "🐑", "19977": "middle", "19978": "finnaly", "19979": "sahara", "19980": "baths", "19981": "hijab", "19982": "wisely", "19983": "beetlejuice", "19984": "sami", "19985": "samm", "19986": "naaaa", "19987": "sama", "19988": "same", "19989": "naaaw", "19990": "authentication", "19991": "wizards", "19992": "submerged", "19993": "sams", "19994": "ameer", "19995": "wimbledon", "19996": "dated", "19997": "nationalities", "19998": "rainbow", "19999": "munch", "20000": "evily", "20001": "collide", "20002": "inbetween", "20003": "tapatio", "20004": "totally", "20005": "torrential", "20006": "middleweight", "20007": "layup", "20008": "drain", "20009": "schurrle", "20010": "conor", "20011": "intermittent", "20012": "amazes", "20013": "rains", "20014": "accountable", "20015": "mohit", "20016": "weymouth", "20017": "morninggggg", "20018": "contador", "20019": "amazed", "20020": "gangs", "20021": "zaddy", "20022": "wifed", "20023": "fume", "20024": "fatties", "20025": "imprint", "20026": "reputable", "20027": "wifey", "20028": "kasich", "20029": "starfire", "20030": "wifes", "20031": "asthma", "20032": "bowie", "20033": "scunthorpe", "20034": "dipper", "20035": "4", "20036": "ptx", "20037": "fansign", "20038": "jariana", "20039": "nico", "20040": "presentable", "20041": "hopin", "20042": "irandeal", "20043": "dissected", "20044": "admitting", "20045": "bergkamp", "20046": "partyyy", "20047": "swatch", "20048": "innovations", "20049": "blankets", "20050": "knooooow", "20051": "crock", "20052": "possessive", "20053": "christina", "20054": "nica", "20055": "terrorize", "20056": "christine", "20057": "nosy", "20058": "thanos", "20059": "repubs", "20060": "chamber", "20061": "audience", "20062": "nose", "20063": "robbery", "20064": "drainage", "20065": "voluntarily", "20066": "robbers", "20067": "dictating", "20068": "dolo", "20069": "witchcraft", "20070": "hargreaves", "20071": "dole", "20072": "wigan", "20073": "pliers", "20074": "ridicule", "20075": "joan", "20076": "generates", "20077": "booming", "20078": "gross", "20079": "sudan", "20080": "smitten", "20081": "tweetn", "20082": "alonzo", "20083": "naaaaaa", "20084": "lunar", "20085": "naaaaah", "20086": "„", "20087": "ovens", "20088": "missin", "20089": "ohgod", "20090": "1980s", "20091": "cliques", "20092": "seconds", "20093": "finlay", "20094": "arts", "20095": "baileys", "20096": "akon", "20097": "broken", "20098": "livvy", "20099": "drums", "20100": "roaming", "20101": "refers", "20102": "8ball_", "20103": "。", "20104": "giggle", "20105": "gewd", "20106": "allianz", "20107": "opium", "20108": "aircon", "20109": "tease", "20110": "🍩", "20111": "island", "20112": "soulmates", "20113": "generated", "20114": "cornbread", "20115": "analogies", "20116": "rapunzel", "20117": "marriott", "20118": "deezy", "20119": "giggly", "20120": "metaphors", "20121": "othr", "20122": "organizers", "20123": "lands", "20124": "pway", "20125": "bbcnews", "20126": "einstein", "20127": "roxy", "20128": "shortening", "20129": "lando", "20130": "pharmaceutical", "20131": "chillest", "20132": "fated", "20133": "pidgeys", "20134": "brute", "20135": "fates", "20136": "handcuffed", "20137": "kenan", "20138": "barre", "20139": "passports", "20140": "watchmen", "20141": "tycoon", "20142": "mornings", "20143": "delilah", "20144": "sorreh", "20145": "buggy", "20146": "fricken", "20147": "constituencies", "20148": "wiping", "20149": "bookstore", "20150": "morningg", "20151": "belated", "20152": "shhhhhhh", "20153": "cacti", "20154": "operating", "20155": "drills", "20156": "tyga", "20157": "strawberry", "20158": "netting", "20159": "suitcase", "20160": "manuel", "20161": "elrond", "20162": "playlists", "20163": "gumbo", "20164": "videos", "20165": "eheheh", "20166": "okayyy", "20167": "girlfriend", "20168": "lifetime", "20169": "deterrent", "20170": "lollllll", "20171": "arrowhead", "20172": "devilish", "20173": "istanbul", "20174": "vics", "20175": "retiring", "20176": "hybrid", "20177": "zelda", "20178": "cyberbullying", "20179": "chihon", "20180": "weeek", "20181": "field", "20182": "jahlil", "20183": "weeee", "20184": "julianna", "20185": "brandi", "20186": "brando", "20187": "obsessed", "20188": "xanax", "20189": "shelter", "20190": "brandy", "20191": "vocally", "20192": "brands", "20193": "revolve", "20194": "brandt", "20195": "remote", "20196": "overrr", "20197": "🕐", "20198": "soohie", "20199": "hugely", "20200": "deluxe", "20201": "shagging", "20202": "represent", "20203": "needful", "20204": "looped", "20205": "liar", "20206": "talkn", "20207": "suburban", "20208": "deron", "20209": "alerting", "20210": "remeber", "20211": "awhh", "20212": "laughign", "20213": "looper", "20214": "cooperative", "20215": "invariably", "20216": "talks", "20217": "liao", "20218": "liam", "20219": "hoeeee", "20220": "reluctant", "20221": "plese", "20222": "immm", "20223": "imma", "20224": "trixie", "20225": "sashimi", "20226": "rwanda", "20227": "captivity", "20228": "chucking", "20229": "bevy", "20230": "🍂", "20231": "manafort", "20232": "bevs", "20233": "carefree", "20234": "overdone", "20235": "billie", "20236": "scout", "20237": "volatility", "20238": "17", "20239": "fall", "20240": "dragic", "20241": "bossed", "20242": "godspeed", "20243": "norfolk", "20244": "kovalev", "20245": "mothers", "20246": "benevolent", "20247": "angus", "20248": "dongle", "20249": "reminding", "20250": "bangor", "20251": "surverying", "20252": "saudi", "20253": "sayang", "20254": "mistaking", "20255": "hvnt", "20256": "economically", "20257": "infatuation", "20258": "pterodactyl", "20259": "titled", "20260": "caricature", "20261": "foxnews", "20262": "yasssss", "20263": "knitted", "20264": "titles", "20265": "lawyer", "20266": "🆖", "20267": "stood", "20268": "txted", "20269": "stool", "20270": "peroni", "20271": "stoop", "20272": "yerin", "20273": "hdd", "20274": "sooooooo", "20275": "soooooon", "20276": "cont2", "20277": "outgoing", "20278": "ggs", "20279": "christi", "20280": "vale", "20281": "jonah", "20282": "beacon", "20283": "wateva", "20284": "gangbanged", "20285": "christy", "20286": "surfed", "20287": "mourning", "20288": "fantasies", "20289": "fatter", "20290": "contd", "20291": "search", "20292": "prosecutors", "20293": "tortoise", "20294": "lucknow", "20295": "conti", "20296": "stella", "20297": "airport", "20298": "disputes", "20299": "agatha", "20300": "milky", "20301": "narrow", "20302": "pathological", "20303": "alexandria", "20304": "megyn", "20305": "barker", "20306": "transit", "20307": "sadist", "20308": "sanction", "20309": "extinction", "20310": "armed", "20311": "detecting", "20312": "barked", "20313": "suspensions", "20314": "hutcherson", "20315": "sanjay", "20316": "gorgeousness", "20317": "whittaker", "20318": "muller", "20319": "a50", "20320": "certified", "20321": "lassie", "20322": "jive", "20323": "unironically", "20324": "achieving", "20325": "whattt", "20326": "bulgarian", "20327": "nver", "20328": "formality", "20329": "shoooot", "20330": "brisk", "20331": "baseman", "20332": "admissions", "20333": "controlling", "20334": "opportunist", "20335": "town", "20336": "dey", "20337": "none", "20338": "vladimir", "20339": "nono", "20340": "der", "20341": "des", "20342": "avfc", "20343": "roosevelt", "20344": "dew", "20345": "deh", "20346": "dei", "20347": "dej", "20348": "dek", "20349": "del", "20350": "dem", "20351": "den", "20352": "deo", "20353": "strategies", "20354": "deb", "20355": "dec", "20356": "ded", "20357": "dee", "20358": "def", "20359": "wails", "20360": "abbreviated", "20361": "purchases", "20362": "compare", "20363": "dandy", "20364": "galleries", "20365": "kwame", "20366": "sugga", "20367": "socal", "20368": "fiorina", "20369": "purchased", "20370": "litres", "20371": "🚚", "20372": "suggs", "20373": "toasties", "20374": "maturing", "20375": "obnoxious", "20376": "drained", "20377": "cocking", "20378": "patton", "20379": "boxset", "20380": "nicking", "20381": "blacked", "20382": "whopper", "20383": "galactic", "20384": "charms", "20385": "petite", "20386": "uprising", "20387": "different", "20388": "alibaba", "20389": "connectivity", "20390": "valdosta", "20391": "blood", "20392": "faculty", "20393": "absences", "20394": "lanza", "20395": "bloom", "20396": "pau", "20397": "alps", "20398": "ulta", "20399": "coax", "20400": "shittin", "20401": "paw", "20402": "spoon", "20403": "coas", "20404": "coal", "20405": "secs", "20406": "sect", "20407": "pleasure", "20408": "paz", "20409": "mollies", "20410": "finalized", "20411": "stains", "20412": "parentals", "20413": "mecha", "20414": "chiaki", "20415": "setback", "20416": "godddddd", "20417": "dough", "20418": "naaah", "20419": "daamn", "20420": "sleepily", "20421": "existence", "20422": "bizkit", "20423": "sharpay", "20424": "pent", "20425": "pens", "20426": "champs", "20427": "sodium", "20428": "energies", "20429": "breeds", "20430": "dolla", "20431": "handheld", "20432": "late", "20433": "pac", "20434": "lata", "20435": "dolly", "20436": "pena", "20437": "peno", "20438": "penn", "20439": "miata", "20440": "bereft", "20441": "dolls", "20442": "walla", "20443": "uhg", "20444": "uhc", "20445": "seeking", "20446": "uhn", "20447": "poofy", "20448": "uhm", "20449": "uhh", "20450": "sungmin", "20451": "walls", "20452": "uhu", "20453": "uhp", "20454": "wally", "20455": "perkins", "20456": "stepped", "20457": "roadies", "20458": "yelawolf", "20459": "suprise", "20460": "dionne", "20461": "malone", "20462": "token", "20463": "goofy", "20464": "soya", "20465": "monsoon", "20466": "izaya", "20467": "ukno", "20468": "josuke", "20469": "clamp", "20470": "joburg", "20471": "everyone", "20472": "idek", "20473": "nakedness", "20474": "idea", "20475": "foxes", "20476": "idec", "20477": "macdonalds", "20478": "endearment", "20479": "tsundere", "20480": "drawin", "20481": "sixers", "20482": "initiatives", "20483": "funding", "20484": "dafaq", "20485": "pigeon", "20486": "projected", "20487": "🐯", "20488": "participants", "20489": "avenge", "20490": "saeng", "20491": "baeee", "20492": "stoppppp", "20493": "bistro", "20494": "stewards", "20495": "pathetic", "20496": "vikes", "20497": "gday", "20498": "rickie", "20499": "livestreaming", "20500": "pleasant", "20501": "disposition", "20502": "hermes", "20503": "onsite", "20504": "golly", "20505": "recast", "20506": "settlers", "20507": "omit", "20508": "sitcom", "20509": "lotions", "20510": "tossers", "20511": "audacity", "20512": "dribbles", "20513": "coulter", "20514": "seduction", "20515": "dyou", "20516": "bullies", "20517": "utilized", "20518": "approximately", "20519": "dollface", "20520": "wages", "20521": "wager", "20522": "bullied", "20523": "koi", "20524": "koh", "20525": "kok", "20526": "kom", "20527": "kol", "20528": "koo", "20529": "kon", "20530": "twenty", "20531": "mams", "20532": "kod", "20533": "construct", "20534": "kof", "20535": "mami", "20536": "paint", "20537": "pains", "20538": "mama", "20539": "kop", "20540": "kos", "20541": "kor", "20542": "kou", "20543": "kot", "20544": "kow", "20545": "kailey", "20546": "rekon", "20547": "hibs", "20548": "needle", "20549": "mentality", "20550": "beme", "20551": "madmen", "20552": "⭐", "20553": "unappreciated", "20554": "dddd", "20555": "gruesome", "20556": "lug", "20557": "stirs", "20558": "woops", "20559": "b", "20560": "applebee", "20561": "pickups", "20562": "spirited", "20563": "bohemian", "20564": "fgw", "20565": "polishing", "20566": "lourdes", "20567": "riddance", "20568": "interactive", "20569": "concludes", "20570": "cept", "20571": "awoken", "20572": "windbreaker", "20573": "confirms", "20574": "abominable", "20575": "paths", "20576": "yuvi", "20577": "pftt", "20578": "derpy", "20579": "onset", "20580": "k2", "20581": "caesar", "20582": "stds", "20583": "commentary", "20584": "k9", "20585": "province", "20586": "compa", "20587": "poldark", "20588": "janae", "20589": "d00d", "20590": "deadman", "20591": "compo", "20592": "depths", "20593": "comps", "20594": "toofunny", "20595": "janay", "20596": "significant", "20597": "tanger", "20598": "kiddies", "20599": "ronny", "20600": "vegeta", "20601": "kb", "20602": "ka", "20603": "cretins", "20604": "kg", "20605": "kf", "20606": "ke", "20607": "kd", "20608": "kk", "20609": "kj", "20610": "ki", "20611": "kh", "20612": "ko", "20613": "kn", "20614": "km", "20615": "kl", "20616": "ks", "20617": "kr", "20618": "kp", "20619": "kw", "20620": "kv", "20621": "ku", "20622": "kt", "20623": "weigh", "20624": "ky", "20625": "lumping", "20626": "thomas", "20627": "bromley", "20628": "aaaaaand", "20629": "mahalo", "20630": "hazelnut", "20631": "scattered", "20632": "bearish", "20633": "hillside", "20634": "sanctity", "20635": "analogue", "20636": "carefully", "20637": "perpetrator", "20638": "", "20639": "steff", "20640": "nervous", "20641": "poppin", "20642": "gilly", "20643": "freedoms", "20644": "generators", "20645": "dysfunctional", "20646": "gills", "20647": "douglass", "20648": "batted", "20649": "prowess", "20650": "permission", "20651": "luke", "20652": "luka", "20653": "sensanders", "20654": "cheaper", "20655": "ferret", "20656": "courage", "20657": "batter", "20658": "salut", "20659": "blogging", "20660": "restart", "20661": "frenchies", "20662": "transitional", "20663": "steampunk", "20664": "irri", "20665": "irctc", "20666": "whitening", "20667": "kiked", "20668": "gospel", "20669": "remington", "20670": "channie", "20671": "gated", "20672": "6plus", "20673": "akere", "20674": "tended", "20675": "individual", "20676": "🖖", "20677": "tender", "20678": "feared", "20679": "enveloped", "20680": "positivity", "20681": "halves", "20682": "myriad", "20683": "envelopes", "20684": "lhhatl", "20685": "ticketmaster", "20686": "ikr", "20687": "wanelo", "20688": "rubbin", "20689": "categorically", "20690": "tlou", "20691": "_start_", "20692": "ika", "20693": "floaty", "20694": "ike", "20695": "krys", "20696": "shaman", "20697": "dipped", "20698": "fuckas", "20699": "drawings", "20700": "floats", "20701": "dangit", "20702": "aloe", "20703": "mkhitaryan", "20704": "aloo", "20705": "tightens", "20706": "alot", "20707": "unstan", "20708": "frikkin", "20709": "gloat", "20710": "supply", "20711": "recycling", "20712": "smother", "20713": "newborn", "20714": "shutdown", "20715": "openness", "20716": "zeta", "20717": "throughout", "20718": "suppressing", "20719": "patiently", "20720": "platinum", "20721": "paras", "20722": "planetary", "20723": "create", "20724": "underage", "20725": "creativity", "20726": "backround", "20727": "secret", "20728": "ireland", "20729": "megadeth", "20730": "morning_joe", "20731": "kathy", "20732": "addison", "20733": "kuya", "20734": "cruelty", "20735": "assange", "20736": "pricey", "20737": "understand", "20738": "whitney", "20739": "realms", "20740": "prices", "20741": "irra", "20742": "underdogs", "20743": "shone", "20744": "honking", "20745": "fut", "20746": "hitchcock", "20747": "fur", "20748": "bila", "20749": "fuq", "20750": "bill", "20751": "tolerate", "20752": "fux", "20753": "heya", "20754": "fug", "20755": "fud", "20756": "sexuality", "20757": "fuc", "20758": "mimosas", "20759": "heyy", "20760": "fun", "20761": "ful", "20762": "fuk", "20763": "fuh", "20764": "sriracha", "20765": "indulging", "20766": "constipated", "20767": "alize", "20768": "mclaren", "20769": "luvvvv", "20770": "cents", "20771": "encountered", "20772": "decoration", "20773": "swishing", "20774": "arenas", "20775": "monroe", "20776": "saline", "20777": "salina", "20778": "namjoon", "20779": "ω", "20780": "departures", "20781": "spammy", "20782": "complaints", "20783": "emphasize", "20784": "copying", "20785": "docks", "20786": "lenient", "20787": "itch", "20788": "hahahhahahah", "20789": "assignment", "20790": "olivier", "20791": "desks", "20792": "moment", "20793": "whts", "20794": "koch", "20795": "aggregate", "20796": "infused", "20797": "malvern", "20798": "sandals", "20799": "gong", "20800": "celebratory", "20801": "hows", "20802": "howw", "20803": "howz", "20804": "spent", "20805": "morrow", "20806": "cornball", "20807": "unannounced", "20808": "scummy", "20809": "goofball", "20810": "howd", "20811": "howe", "20812": "y", "20813": "revising", "20814": "sulking", "20815": "chemistry", "20816": "yeyyy", "20817": "spend", "20818": "howl", "20819": "singlehandedly", "20820": "echoing", "20821": "crinkles", "20822": "secrecy", "20823": "bandanas", "20824": "ufo", "20825": "uswnt", "20826": "atomic", "20827": "dishonesty", "20828": "injuries", "20829": "alignment", "20830": "punted", "20831": "dslr", "20832": "hatee", "20833": "hated", "20834": "excites", "20835": "alternate", "20836": "powerplay", "20837": "shouting", "20838": "punter", "20839": "claiborne", "20840": "edfringe", "20841": "bridal", "20842": "mavs", "20843": "pompeii", "20844": "excited", "20845": "hates", "20846": "hater", "20847": "webcomic", "20848": "equestria", "20849": "rebound", "20850": "jerked", "20851": "rcmp", "20852": "matters", "20853": "truely", "20854": "apt", "20855": "curfew", "20856": "ambrose", "20857": "📧", "20858": "volt", "20859": "glove", "20860": "widgets", "20861": "indication", "20862": "moccasins", "20863": "pffffft", "20864": "captaincy", "20865": "bacc", "20866": "baca", "20867": "duck", "20868": "back", "20869": "impeach", "20870": "handjob", "20871": "examples", "20872": "duce", "20873": "nicaragua", "20874": "ontop", "20875": "scrim", "20876": "hards", "20877": "pey", "20878": "pez", "20879": "aerobic", "20880": "pew", "20881": "pep", "20882": "integration", "20883": "per", "20884": "pes", "20885": "cecilia", "20886": "babel", "20887": "bogut", "20888": "sneakers", "20889": "bogus", "20890": "ped", "20891": "pee", "20892": "peg", "20893": "commentator", "20894": "invade", "20895": "thighs", "20896": "crony", "20897": "s10", "20898": "violetoswallt", "20899": "yeesss", "20900": "200x200", "20901": "chanting", "20902": "nitty", "20903": "🍙", "20904": "from", "20905": "yeha", "20906": "8pm", "20907": "braille", "20908": "gambia", "20909": "yehh", "20910": "wickham", "20911": "bestseller", "20912": "wachu", "20913": "harrods", "20914": "beans", "20915": "letcha", "20916": "gambit", "20917": "taeyang", "20918": "guetta", "20919": "seda", "20920": "martinez", "20921": "neutrality", "20922": "changin", "20923": "hysterics", "20924": "mke", "20925": "jockey", "20926": "masterbate", "20927": "oneeeee", "20928": "doll", "20929": "bores", "20930": "akame", "20931": "mccartney", "20932": "infected", "20933": "germans", "20934": "homemade", "20935": "forward", "20936": "bored", "20937": "morata", "20938": "jaunt", "20939": "crips", "20940": "mkx", "20941": "warlock", "20942": "namjoo", "20943": "byrne", "20944": "adjusting", "20945": "tabitha", "20946": "yesssss", "20947": "unwrapping", "20948": "doneee", "20949": "nutshell", "20950": "groovy", "20951": "rejection", "20952": "mych", "20953": "theron", "20954": "kellin", "20955": "nostrils", "20956": "neyo", "20957": "groove", "20958": "mk8", "20959": "edgewood", "20960": "begovic", "20961": "nepotism", "20962": "✋", "20963": "specified", "20964": "engineering", "20965": "shiva", "20966": "vlogmas", "20967": "prevail", "20968": "denying", "20969": "makenna", "20970": "xb1", "20971": "fracking", "20972": "plugged", "20973": "functionality", "20974": "accomplice", "20975": "tzuyu", "20976": "dolt", "20977": "cashman", "20978": "explaining", "20979": "kashmiris", "20980": "gulag", "20981": "fished", "20982": "waynerooney", "20983": "fishes", "20984": "fisher", "20985": "woooooooow", "20986": "leprechauns", "20987": "pwease", "20988": "strolled", "20989": "appalling", "20990": "xbl", "20991": "milos", "20992": "amuses", "20993": "stroller", "20994": "shawna", "20995": "minors", "20996": "overly", "20997": "➕", "20998": "query", "20999": "golfer", "21000": "mitten", "21001": "3hr", "21002": "graves", "21003": "reposted", "21004": "chapo", "21005": "peanut", "21006": "chilla", "21007": "rusted", "21008": "chaps", "21009": "retweets", "21010": "waterford", "21011": "brooms", "21012": "ambers", "21013": "gravel", "21014": "inject", "21015": "cctv", "21016": "assam", "21017": "putting", "21018": "pulak", "21019": "mlas", "21020": "passin", "21021": "assad", "21022": "surgeon", "21023": "ragna", "21024": "shitfaced", "21025": "severely", "21026": "prefect", "21027": "moderate", "21028": "respectful", "21029": "knight", "21030": "livejournal", "21031": "prettyyyy", "21032": "travelodge", "21033": "ahahahaha", "21034": "gotchuu", "21035": "choppy", "21036": "optics", "21037": "dimes", "21038": "unsatisfied", "21039": "educators", "21040": "crow", "21041": "lovelyz", "21042": "quakes", "21043": "quaker", "21044": "crop", "21045": "layouts", "21046": "liltunechi", "21047": "bloodshot", "21048": "nests", "21049": "croc", "21050": "buckling", "21051": "staffers", "21052": "wahoo", "21053": "campuses", "21054": "giving", "21055": "worshipping", "21056": "rescheduling", "21057": "tdm", "21058": "napkins", "21059": "profar", "21060": "kyoto", "21061": "cleanin", "21062": "shemale", "21063": "nacho", "21064": "raccoons", "21065": "backstory", "21066": "nonexistent", "21067": "broker", "21068": "peggy", "21069": "bachelor", "21070": "intercept", "21071": "hobart", "21072": "jockeys", "21073": "ooohhhh", "21074": "mindset", "21075": "birther", "21076": "remark", "21077": "oikawa", "21078": "stalks", "21079": "yoooooooo", "21080": "babey", "21081": "resurrect", "21082": "hru", "21083": "birthed", "21084": "slaving", "21085": "eastbound", "21086": "named", "21087": "namee", "21088": "mannn", "21089": "🎇", "21090": "baskets", "21091": "manny", "21092": "names", "21093": "oval", "21094": "resolutions", "21095": "staple", "21096": "boppin", "21097": "steroid", "21098": "…", "21099": "soton", "21100": "seamless", "21101": "asma", "21102": "perms", "21103": "oils", "21104": "themselves", "21105": "skeen", "21106": "oily", "21107": "xbox1", "21108": "babez", "21109": "armadillo", "21110": "ashamed", "21111": "belfort", "21112": "arranging", "21113": "harvest", "21114": "thrasher", "21115": "stations", "21116": "sutter", "21117": "afflalo", "21118": "unreal", "21119": "pmo", "21120": "praise", "21121": "thuggin", "21122": "parkway", "21123": "unread", "21124": "tarantino", "21125": "otha", "21126": "proportions", "21127": "effectively", "21128": "fawn", "21129": "awesomer", "21130": "contempt", "21131": "hangar", "21132": "afl", "21133": "fett", "21134": "daring", "21135": "afk", "21136": "aff", "21137": "afg", "21138": "bennie", "21139": "afa", "21140": "afc", "21141": "regions", "21142": "carvery", "21143": "fete", "21144": "winners", "21145": "feta", "21146": "hmwk", "21147": "aft", "21148": "afp", "21149": "solidify", "21150": "frag", "21151": "buildings", "21152": "wellbeck", "21153": "dws", "21154": "kickstarter", "21155": "fran", "21156": "philosophy", "21157": "dwp", "21158": "bothered", "21159": "frat", "21160": "cardinals", "21161": "frap", "21162": "kenyans", "21163": "pwede", "21164": "joplin", "21165": "fray", "21166": "kashmiri", "21167": "aweeeee", "21168": "laurie", "21169": "minivan", "21170": "addiction", "21171": "ignite", "21172": "embarrassingly", "21173": "hugger", "21174": "quietly", "21175": "meter", "21176": "ivana", "21177": "hugged", "21178": "decimated", "21179": "hwat", "21180": "busan", "21181": "100x100", "21182": "bunch", "21183": "industries", "21184": "lg", "21185": "ld", "21186": "le", "21187": "lb", "21188": "lc", "21189": "§", "21190": "la", "21191": "ln", "21192": "lo", "21193": "ll", "21194": "lm", "21195": "lj", "21196": "lk", "21197": "lh", "21198": "acres", "21199": "lv", "21200": "lw", "21201": "lt", "21202": "lu", "21203": "marsh", "21204": "ls", "21205": "lp", "21206": "lq", "21207": "latitude", "21208": "camilla", "21209": "criminal", "21210": "lx", "21211": "ly", "21212": "qotd", "21213": "scotus", "21214": "🕊", "21215": "sik", "21216": "reaaally", "21217": "mandate", "21218": "strive", "21219": "airports", "21220": "nutting", "21221": "sio", "21222": "mmhm", "21223": "tues", "21224": "memoir", "21225": "l7", "21226": "slipping", "21227": "lingerie", "21228": "l2", "21229": "👴", "21230": "l1", "21231": "omgosh", "21232": "sil", "21233": "gazing", "21234": "l8", "21235": "tyron", "21236": "imitates", "21237": "pitty", "21238": "programmed", "21239": "pitts", "21240": "selcas", "21241": "hhaa", "21242": "maternal", "21243": "programmer", "21244": "programmes", "21245": "marius", "21246": "rez", "21247": "rex", "21248": "rey", "21249": "harding", "21250": "whiteboy", "21251": "disgusts", "21252": "announces", "21253": "rep", "21254": "req", "21255": "rev", "21256": "ret", "21257": "wholly", "21258": "beeen", "21259": "rei", "21260": "ren", "21261": "reo", "21262": "rel", "21263": "rem", "21264": "reb", "21265": "rec", "21266": "electronics", "21267": "rea", "21268": "ref", "21269": "reg", "21270": "red", "21271": "ree", "21272": "jongin", "21273": "dissapeared", "21274": "rung", "21275": "frand", "21276": "frank", "21277": "decaf", "21278": "payroll", "21279": "funyuns", "21280": "salami", "21281": "confirmations", "21282": "wannabe", "21283": "retards", "21284": "likelihood", "21285": "bleed", "21286": "receipts", "21287": "aaawww", "21288": "cured", "21289": "normalcy", "21290": "deprived", "21291": "re7", "21292": "cures", "21293": "ortiz", "21294": "retain", "21295": "retail", "21296": "strippers", "21297": "rudely", "21298": "finest", "21299": "unfollowing", "21300": "embarrasses", "21301": "flatmate", "21302": "embarrassed", "21303": "hurdle", "21304": "monkey", "21305": "poty", "21306": "dutty", "21307": "vulgar", "21308": "pots", "21309": "shanny", "21310": "hahahahahhaa", "21311": "realistically", "21312": "oline", "21313": "shanna", "21314": "infomercial", "21315": "lions", "21316": "messing", "21317": "realshit", "21318": "dabbed", "21319": "eritrea", "21320": "kotori", "21321": "buccos", "21322": "ogs", "21323": "mcfadden", "21324": "environmental", "21325": "ahca", "21326": "spiegel", "21327": "boobie", "21328": "sheepishly", "21329": "goku", "21330": "preordering", "21331": "slack", "21332": "dupree", "21333": "pointers", "21334": "shampoo", "21335": "🍰", "21336": "calamity", "21337": "boyish", "21338": "ventilation", "21339": "inlove", "21340": "aoki", "21341": "liqour", "21342": "piff", "21343": "wakes", "21344": "waker", "21345": "ehehe", "21346": "bisexual", "21347": "chicas", "21348": "wakey", "21349": "comfortable", "21350": "patting", "21351": "jinki", "21352": "comfortably", "21353": "youuuuuuu", "21354": "waken", "21355": "fangirls", "21356": "bitchessss", "21357": "aladdin", "21358": "lieee", "21359": "apis", "21360": "gravity", "21361": "hairbrush", "21362": "sexier", "21363": "unsettled", "21364": "provoked", "21365": "doubleheader", "21366": "cosby", "21367": "firefly", "21368": "improvised", "21369": "eres", "21370": "kingjames", "21371": "hazel", "21372": "colada", "21373": "eight", "21374": "logitech", "21375": "handbag", "21376": "stephon", "21377": "transcript", "21378": "timeskip", "21379": "jaan", "21380": "dawgg", "21381": "enthusiastic", "21382": "nicholson", "21383": "dawgs", "21384": "absurd", "21385": "relievers", "21386": "chanbaek", "21387": "planks", "21388": "corsi", "21389": "charley", "21390": "catalina", "21391": "supported", "21392": "kayley", "21393": "kaylee", "21394": "supporter", "21395": "chromebook", "21396": "velociraptor", "21397": "coloring", "21398": "banyak", "21399": "blowin", "21400": "reeling", "21401": "kendricklamar", "21402": "anythings", "21403": "bernard", "21404": "fetishes", "21405": "🎵", "21406": "ambiguity", "21407": "dangggg", "21408": "beotch", "21409": "equilibrium", "21410": "mixon", "21411": "treatin", "21412": "workaholics", "21413": "60minutes", "21414": "goodmornin", "21415": "restocked", "21416": "binch", "21417": "aforementioned", "21418": "assface", "21419": "timing", "21420": "thrives", "21421": "jeannie", "21422": "areas", "21423": "crabs", "21424": "bernice", "21425": "gottah", "21426": "organ", "21427": "ashtray", "21428": "⇩", "21429": "misguided", "21430": "hitlers", "21431": "eyebrow", "21432": "eunseo", "21433": "motherhood", "21434": "kthanks", "21435": "137", "21436": "failings", "21437": "pertains", "21438": "madam", "21439": "untrue", "21440": "quake", "21441": "manky", "21442": "dillon", "21443": "puddle", "21444": "jimenez", "21445": "brixton", "21446": "yearning", "21447": "vereen", "21448": "wc", "21449": "virginmedia", "21450": "xxxxx", "21451": "footlong", "21452": "cavani", "21453": "exploited", "21454": "scuse", "21455": "maddow", "21456": "cheaters", "21457": "maddox", "21458": "literate", "21459": "purses", "21460": "icecream", "21461": "welbeck", "21462": "pursed", "21463": "colombian", "21464": "emissions", "21465": "brentwood", "21466": "noooot", "21467": "horizontally", "21468": "junkies", "21469": "grumble", "21470": "habanero", "21471": "implementing", "21472": "70x70", "21473": "synced", "21474": "2pm", "21475": "legit", "21476": "1000th", "21477": "fapping", "21478": "instant", "21479": "buster", "21480": "robberies", "21481": "freely", "21482": "attributed", "21483": "fulfilled", "21484": "assure", "21485": "insidious", "21486": "busted", "21487": "conquered", "21488": "passing", "21489": "glorious", "21490": "wr", "21491": "comment", "21492": "oompa", "21493": "teasing", "21494": "hyvee", "21495": "brennan", "21496": "commend", "21497": "arghh", "21498": "fukin", "21499": "laugh", "21500": "m16", "21501": "leaked", "21502": "earning", "21503": "yuppp", "21504": "pouring", "21505": "longggg", "21506": "shintaro", "21507": "muddy", "21508": "geriatric", "21509": "imagery", "21510": "json", "21511": "wy", "21512": "indicators", "21513": "wx", "21514": "arises", "21515": "perplexed", "21516": "aubrey", "21517": "👆", "21518": "airplanes", "21519": "essentially", "21520": "donee", "21521": "aubree", "21522": "napoleon", "21523": "atmospheric", "21524": "splits", "21525": "ysl", "21526": "moisturiser", "21527": "value", "21528": "agar", "21529": "instigated", "21530": "ohkay", "21531": "likable", "21532": "flex", "21533": "jajaja", "21534": "respected", "21535": "importing", "21536": "ℓ", "21537": "offically", "21538": "arabia", "21539": "arabic", "21540": "portray", "21541": "hoa", "21542": "progressing", "21543": "defiant", "21544": "brightened", "21545": "13k", "21546": "tumbling", "21547": "shuttle", "21548": "gasped", "21549": "ochoa", "21550": "kidnapping", "21551": "bullying", "21552": "blockers", "21553": "assessing", "21554": "flew", "21555": "croissants", "21556": "shitting", "21557": "kimberley", "21558": "retard", "21559": "center", "21560": "weapon", "21561": "photoshoots", "21562": "overshadowed", "21563": "oops", "21564": "publicize", "21565": "creators", "21566": "usual", "21567": "fixated", "21568": "coaster", "21569": "granddad", "21570": "underlying", "21571": "surpass", "21572": "seats", "21573": "dakota", "21574": "protecting", "21575": "hom", "21576": "raves", "21577": "raver", "21578": "swig", "21579": "winchester", "21580": "bragging", "21581": "nandosuk", "21582": "nasties", "21583": "nastier", "21584": "bench", "21585": "forbes", "21586": "raved", "21587": "voila", "21588": "citizen", "21589": "highlighters", "21590": "reenact", "21591": "ghei", "21592": "ravel", "21593": "raven", "21594": "tests", "21595": "unplugging", "21596": "arianagrande", "21597": "testy", "21598": "gulped", "21599": "judiciary", "21600": "kkkk", "21601": "deployment", "21602": "righttttt", "21603": "insert", "21604": "workk", "21605": "sowwy", "21606": "workn", "21607": "dundalk", "21608": "housekeeper", "21609": "11pm", "21610": "gahhhh", "21611": "edit", "21612": "x1000", "21613": "works", "21614": "legoland", "21615": "gkmc", "21616": "worldy", "21617": "whiney", "21618": "holier", "21619": "whines", "21620": "whiner", "21621": "lloris", "21622": "infiltrated", "21623": "goaltender", "21624": "whined", "21625": "halifax", "21626": "supportive", "21627": "tmp", "21628": "tmr", "21629": "est", "21630": "ess", "21631": "tmw", "21632": "dunes", "21633": "pues", "21634": "tmz", "21635": "teamspeak", "21636": "students", "21637": "ese", "21638": "latvia", "21639": "esc", "21640": "tme", "21641": "esa", "21642": "eso", "21643": "tmi", "21644": "esl", "21645": "tml", "21646": "tmm", "21647": "tmo", "21648": "nojoke", "21649": "grrr", "21650": "slight", "21651": "snapper", "21652": "guff", "21653": "worthy", "21654": "snapped", "21655": "grrm", "21656": "periodically", "21657": "simples", "21658": "panel", "21659": "vuitton", "21660": "inconsiderate", "21661": "bills", "21662": "flatmates", "21663": "flake", "21664": "swingers", "21665": "flaky", "21666": "ander", "21667": "obnoxiously", "21668": "predictor", "21669": "baseless", "21670": "playthrough", "21671": "rendered", "21672": "smarts", "21673": "dique", "21674": "smarty", "21675": "tackle", "21676": "doesnt", "21677": "oughta", "21678": "ansa", "21679": "🔜", "21680": "1986", "21681": "1987", "21682": "1984", "21683": "1985", "21684": "meeee", "21685": "legends", "21686": "1980", "21687": "1981", "21688": "meeeh", "21689": "rting", "21690": "firefighter", "21691": "1988", "21692": "1989", "21693": "ibrox", "21694": "klaxon", "21695": "buz", "21696": "bux", "21697": "buy", "21698": "xperia", "21699": "bur", "21700": "bus", "21701": "davids", "21702": "santas", "21703": "but", "21704": "buu", "21705": "buk", "21706": "buh", "21707": "bui", "21708": "bun", "21709": "bul", "21710": "bum", "21711": "bub", "21712": "memphis", "21713": "bug", "21714": "bud", "21715": "partially", "21716": "embargo", "21717": "misty", "21718": "gahhhhh", "21719": "wise", "21720": "princes", "21721": "ㅋㅋ", "21722": "wish", "21723": "breweries", "21724": "variations", "21725": "mista", "21726": "stinson", "21727": "minutes", "21728": "penetrating", "21729": "rabbits", "21730": "whoah", "21731": "svc", "21732": "romney", "21733": "whoaa", "21734": "ahri", "21735": "83", "21736": "sizzle", "21737": "mysteriously", "21738": "80", "21739": "redder", "21740": "nbafinals", "21741": "indulged", "21742": "sleepwalking", "21743": "cashew", "21744": "virtual", "21745": "cashes", "21746": "jeeps", "21747": "snorkeling", "21748": "ledge", "21749": "cashed", "21750": "granite", "21751": "ebooks", "21752": "jlaw", "21753": "traumatic", "21754": "🛍", "21755": "detractors", "21756": "dropkicks", "21757": "variation", "21758": "semis", "21759": "weaponry", "21760": "thumping", "21761": "burds", "21762": "godsend", "21763": "nevertrump", "21764": "hiked", "21765": "lactose", "21766": "starting", "21767": "baker", "21768": "bakes", "21769": "lightskin", "21770": "mancini", "21771": "hikes", "21772": "pupil", "21773": "okeh", "21774": "kdtrey5", "21775": "baked", "21776": "growling", "21777": "2nyt", "21778": "hats", "21779": "implants", "21780": "derr", "21781": "derp", "21782": "hati", "21783": "hath", "21784": "syriza", "21785": "hata", "21786": "pheasant", "21787": "dere", "21788": "hate", "21789": "fiya", "21790": "btec", "21791": "trolley", "21792": "nys", "21793": "tweet", "21794": "poorest", "21795": "tweep", "21796": "tween", "21797": "umass", "21798": "tweek", "21799": "artpop", "21800": "tweed", "21801": "pride", "21802": "errbody", "21803": "divergent", "21804": "bellletstalk", "21805": "stanton", "21806": "autopilot", "21807": "fishbowl", "21808": "every", "21809": "screenshotted", "21810": "upstream", "21811": "confetti", "21812": "rmbr", "21813": "encounter", "21814": "everr", "21815": "bravest", "21816": "sampson", "21817": "ovation", "21818": "okies", "21819": "wudda", "21820": "pruitt", "21821": "ait", "21822": "chauncey", "21823": "okiee", "21824": "katniss", "21825": "enjoy", "21826": "leaders", "21827": "scribbles", "21828": "weddings", "21829": "estimates", "21830": "sammie", "21831": "lian", "21832": "street", "21833": "streep", "21834": "estimated", "21835": "westcoast", "21836": "4x1", "21837": "shining", "21838": "wantd", "21839": "allowances", "21840": "nuuuuu", "21841": "gnc", "21842": "deadmau5", "21843": "beaten", "21844": "lolwut", "21845": "daesh", "21846": "mischievous", "21847": "beater", "21848": "zesty", "21849": "xena", "21850": "disney", "21851": "injections", "21852": "pats", "21853": "8a", "21854": "yasuo", "21855": "yanks", "21856": "ulterior", "21857": "loling", "21858": "hundreds", "21859": "pata", "21860": "flores", "21861": "studio", "21862": "smokin", "21863": "path", "21864": "stares", "21865": "ryse", "21866": "pato", "21867": "ganon", "21868": "generals", "21869": "auction", "21870": "tellers", "21871": "borussia", "21872": "2048", "21873": "fulltime", "21874": "abolition", "21875": "monogamous", "21876": "deere", "21877": "chateau", "21878": "errthang", "21879": "pendant", "21880": "kieran", "21881": "ambulances", "21882": "ridiculed", "21883": "resurrected", "21884": "touchdowns", "21885": "loveless", "21886": "visibly", "21887": "feelings", "21888": "sorrows", "21889": "visible", "21890": "sympathise", "21891": "8p", "21892": "zoie", "21893": "thermals", "21894": "bbc6music", "21895": "vogel", "21896": "stooooop", "21897": "m5", "21898": "bayou", "21899": "m7", "21900": "m6", "21901": "m1", "21902": "ciaran", "21903": "raids", "21904": "ilyy", "21905": "m9", "21906": "m8", "21907": "breathe", "21908": "gardevoir", "21909": "robbins", "21910": "arman", "21911": "varsity", "21912": "breaths", "21913": "robbing", "21914": "♚", "21915": "outdated", "21916": "tonsillitis", "21917": "me", "21918": "md", "21919": "mg", "21920": "mf", "21921": "ma", "21922": "mc", "21923": "mb", "21924": "mm", "21925": "ml", "21926": "mo", "21927": "mn", "21928": "mi", "21929": "onii", "21930": "entertained", "21931": "mj", "21932": "mu", "21933": "mt", "21934": "mw", "21935": "dizzy", "21936": "mp", "21937": "ms", "21938": "mr", "21939": "entertainer", "21940": "shooo", "21941": "my", "21942": "mx", "21943": "shook", "21944": "loosen", "21945": "tiddy", "21946": "3ish", "21947": "joyous", "21948": "kompany", "21949": "looser", "21950": "looses", "21951": "ena", "21952": "iggy", "21953": "ene", "21954": "trill", "21955": "eng", "21956": "enj", "21957": "witsel", "21958": "eno", "21959": "otterbox", "21960": "writers", "21961": "ent", "21962": "enu", "21963": "geass", "21964": "niccas", "21965": "ancestor", "21966": "charging", "21967": "raffle", "21968": "costed", "21969": "cosign", "21970": "jozi", "21971": "mess", "21972": "homelessness", "21973": "demanding", "21974": "mesh", "21975": "thaaaaat", "21976": "sparkles", "21977": "mesa", "21978": "lawwd", "21979": "mortgages", "21980": "50pm", "21981": "stronghold", "21982": "superbad", "21983": "croissant", "21984": "spout", "21985": "bootstrap", "21986": "witten", "21987": "algorithms", "21988": "🍷", "21989": "enter", "21990": "notifies", "21991": "seamus", "21992": "hedgehog", "21993": "flippers", "21994": "suuuuuure", "21995": "eish", "21996": "oppaaa", "21997": "thesis", "21998": "strangle", "21999": "nahin", "22000": "btown", "22001": "hypocrisy", "22002": "expectations", "22003": "exhibits", "22004": "comprehend", "22005": "ribery", "22006": "sonya", "22007": "fade", "22008": "whips", "22009": "🔺", "22010": "glastonbury", "22011": "plaster", "22012": "roost", "22013": "revelations", "22014": "gaydar", "22015": "pinkish", "22016": "forreals", "22017": "bonnet", "22018": "👤", "22019": "nisa", "22020": "notified", "22021": "bearly", "22022": "chuck", "22023": "filling", "22024": "victory", "22025": "lasting", "22026": "hank", "22027": "signing", "22028": "magneto", "22029": "fussing", "22030": "yvette", "22031": "magnets", "22032": "combining", "22033": "riight", "22034": "poncho", "22035": "hann", "22036": "gol", "22037": "goo", "22038": "gon", "22039": "goi", "22040": "3months", "22041": "gok", "22042": "wsp", "22043": "god", "22044": "gog", "22045": "gof", "22046": "goa", "22047": "bennet", "22048": "gob", "22049": "cuteeeee", "22050": "millennium", "22051": "gutierrez", "22052": "wheee", "22053": "gou", "22054": "got", "22055": "washer", "22056": "washes", "22057": "cowell", "22058": "gop", "22059": "gos", "22060": "gor", "22061": "scopes", "22062": "dennys", "22063": "counterparts", "22064": "damper", "22065": "iheartawards", "22066": "theif", "22067": "pmsl", "22068": "blackmailing", "22069": "inexpensive", "22070": "suburbia", "22071": "priorities", "22072": "redline", "22073": "boiz", "22074": "cooperating", "22075": "gloucester", "22076": "enix", "22077": "already", "22078": "reaaaal", "22079": "coding", "22080": "enit", "22081": "bridgit", "22082": "bandaid", "22083": "sober", "22084": "knifes", "22085": "sumin", "22086": "enid", "22087": "gawsh", "22088": "nvmd", "22089": "daysssss", "22090": "euphoria", "22091": "haaaaaaa", "22092": "ballistic", "22093": "fuvking", "22094": "rockin", "22095": "glucose", "22096": "ceiling", "22097": "toon", "22098": "tooo", "22099": "tool", "22100": "brushes", "22101": "serve", "22102": "took", "22103": "compressor", "22104": "toot", "22105": "knockoff", "22106": "western", "22107": "tampon", "22108": "unsanitary", "22109": "brushed", "22110": "🍠", "22111": "mccown", "22112": "hahahahahahahah", "22113": "lewishamilton", "22114": "covent", "22115": "aztec", "22116": "edmonds", "22117": "gooddd", "22118": "slackin", "22119": "expo", "22120": "boil", "22121": "genders", "22122": "donkey", "22123": "fashion", "22124": "lbw", "22125": "clears", "22126": "ruckus", "22127": "torque", "22128": "talking", "22129": "lbc", "22130": "socio", "22131": "leafs", "22132": "regulate", "22133": "leafy", "22134": "beckett", "22135": "spade", "22136": "harper", "22137": "firmware", "22138": "-", "22139": "balling", "22140": "oriented", "22141": "upholding", "22142": "effectiveness", "22143": "juli", "22144": "impersonate", "22145": "cilic", "22146": "visionary", "22147": "lustfully", "22148": "abb", "22149": "musings", "22150": "rumble", "22151": "diam", "22152": "mannerisms", "22153": "coil", "22154": "hortons", "22155": "coin", "22156": "unorthodox", "22157": "markovic", "22158": "prostitute", "22159": "hatrick", "22160": "peers", "22161": "treats", "22162": "allegiant", "22163": "soups", "22164": "flop", "22165": "flow", "22166": "roast", "22167": "treaty", "22168": "westboro", "22169": "orderly", "22170": "enterprise", "22171": "flog", "22172": "silencing", "22173": "weeing", "22174": "✂", "22175": "inspire", "22176": "unified", "22177": "ffff", "22178": "dickriding", "22179": "random", "22180": "deepika", "22181": "onision", "22182": "sharpie", "22183": "blanco", "22184": "l8r", "22185": "cosette", "22186": "🎥", "22187": "shellfish", "22188": "fukkin", "22189": "peasants", "22190": "wassssup", "22191": "kessler", "22192": "rpgs", "22193": "snickers", "22194": "kali", "22195": "abt", "22196": "kdrama", "22197": "geez", "22198": "mixture", "22199": "sunglasses", "22200": "gees", "22201": "blinking", "22202": "geet", "22203": "geek", "22204": "goons", "22205": "shutting", "22206": "diaw", "22207": "aand", "22208": "interrogated", "22209": "aang", "22210": "abz", "22211": "geee", "22212": "holland", "22213": "shota", "22214": "gareth", "22215": "countries", "22216": "vlog", "22217": "dias", "22218": "o____o", "22219": "twice", "22220": "xdxd", "22221": "shots", "22222": "pacifist", "22223": "🇹", "22224": "ruins", "22225": "godo", "22226": "boreddddd", "22227": "swept", "22228": "seabass", "22229": "liquor", "22230": "nuu", "22231": "highlander", "22232": "nus", "22233": "nup", "22234": "resist", "22235": "ballers", "22236": "num", "22237": "nuh", "22238": "nug", "22239": "depressive", "22240": "limiting", "22241": "nub", "22242": "acs", "22243": "gladiator", "22244": "hourglass", "22245": "capacity", "22246": "papelbon", "22247": "interviewing", "22248": "foreverrrr", "22249": "smutty", "22250": "isha", "22251": "364", "22252": "365", "22253": "ishh", "22254": "sambo", "22255": "360", "22256": "handwritten", "22257": "gravestone", "22258": "drivin", "22259": "blaster", "22260": "confusion", "22261": "aquarius", "22262": "wayyyyyy", "22263": "boss", "22264": "nightmares", "22265": "phoning", "22266": "lawlz", "22267": "bosh", "22268": "aquarium", "22269": "censorship", "22270": "ayyyy", "22271": "bose", "22272": "lawls", "22273": "surfer", "22274": "bosa", "22275": "blasted", "22276": "improve", "22277": "puddles", "22278": "protect", "22279": "sanitation", "22280": "ranger", "22281": "biologically", "22282": "ggg", "22283": "sheff", "22284": "participating", "22285": "merging", "22286": "layered", "22287": "yodel", "22288": "alanna", "22289": "jonas", "22290": "undercooked", "22291": "lenses", "22292": "kwa", "22293": "airtel_presence", "22294": "naks", "22295": "clit", "22296": "epidemic", "22297": "viruses", "22298": "nako", "22299": "towels", "22300": "nepgear", "22301": "eying", "22302": "katarina", "22303": "naperville", "22304": "2200", "22305": "beeb", "22306": "nuuuuuu", "22307": "beed", "22308": "beee", "22309": "beef", "22310": "cockroaches", "22311": "ropes", "22312": "hedges", "22313": "beem", "22314": "been", "22315": "beep", "22316": "beer", "22317": "bees", "22318": "beet", "22319": "🐶", "22320": "godamn", "22321": "beez", "22322": "hadda", "22323": "roped", "22324": "excitedddd", "22325": "conte", "22326": "pursing", "22327": "yusuf", "22328": "bladder", "22329": "uncommon", "22330": "bigga", "22331": "snipe", "22332": "stillwater", "22333": "openings", "22334": "psalms", "22335": "engrish", "22336": "fallon", "22337": "lessen", "22338": "irdk", "22339": "lesser", "22340": "fallow", "22341": "ugliest", "22342": "teachers", "22343": "muggin", "22344": "listo", "22345": "poussey", "22346": "cyclones", "22347": "geminis", "22348": "pharm", "22349": "ramifications", "22350": "yassssss", "22351": "containing", "22352": "wound", "22353": "biggs", "22354": "complex", "22355": "inventory", "22356": "yuno", "22357": "yuna", "22358": "wholefoods", "22359": "several", "22360": "yung", "22361": "pampering", "22362": "twiddling", "22363": "rng", "22364": "riffs", "22365": "deadwood", "22366": "iguess", "22367": "lmaooooooooooo", "22368": "tuscany", "22369": "t_____t", "22370": "prioritize", "22371": "forceful", "22372": "milks", "22373": "broski", "22374": "werewolves", "22375": "gregs", "22376": "greatest", "22377": "mathews", "22378": "wirral", "22379": "karina", "22380": "1hr", "22381": "wdf", "22382": "toonami", "22383": "pujols", "22384": "frauding", "22385": "buzzkill", "22386": "campbell", "22387": "playtime", "22388": "sleepiness", "22389": "girllllll", "22390": "progresses", "22391": "pharmacy", "22392": "brainstorming", "22393": "technological", "22394": "excatly", "22395": "humanity", "22396": "actresses", "22397": "turquoise", "22398": "bands", "22399": "layups", "22400": "sussex", "22401": "beirut", "22402": "paine", "22403": "cooley", "22404": "bando", "22405": "newcastle", "22406": "sanitary", "22407": "banda", "22408": "apart", "22409": "amok", "22410": "ninjas", "22411": "exxon", "22412": "intertwined", "22413": "ditto", "22414": "gift", "22415": "specific", "22416": "alamo", "22417": "intertwines", "22418": "mosquito", "22419": "amos", "22420": "amor", "22421": "shidddd", "22422": "jazeera", "22423": "spongebob", "22424": "patchy", "22425": "paltrow", "22426": "enrolling", "22427": "🎎", "22428": "clubs", "22429": "meters", "22430": "helpin", "22431": "escape", "22432": "ʘ", "22433": "indirect", "22434": "wha", "22435": "ick", "22436": "2days", "22437": "ich", "22438": "cooper", "22439": "icn", "22440": "yike", "22441": "icc", "22442": "establish", "22443": "whc", "22444": "ice", "22445": "herbalife", "22446": "icy", "22447": "hinkie", "22448": "lamee", "22449": "freshers", "22450": "420", "22451": "icp", "22452": "425", "22453": "interpidreed", "22454": "icu", "22455": "ict", "22456": "cord", "22457": "core", "22458": "cora", "22459": "gaaaaay", "22460": "corn", "22461": "cori", "22462": "cork", "22463": "corp", "22464": "largo", "22465": "corr", "22466": "cory", "22467": "meyer", "22468": "accountants", "22469": "limitation", "22470": "census", "22471": "daaaamn", "22472": "oneeee", "22473": "muhfucka", "22474": "sardar", "22475": "suárez", "22476": "╭", "22477": "shards", "22478": "surround", "22479": "undocumented", "22480": "misleading", "22481": "genocide", "22482": "algo", "22483": "sepp", "22484": "nooooooo", "22485": "sept", "22486": "facetime", "22487": "primitive", "22488": "froze", "22489": "🔌", "22490": "accommodate", "22491": "electorate", "22492": "procrastinator", "22493": "cafeteria", "22494": "uvu", "22495": "deadass", "22496": "psychos", "22497": "rely", "22498": "lagu", "22499": "lags", "22500": "opus", "22501": "reli", "22502": "lago", "22503": "lagi", "22504": "rell", "22505": "oooohhhhh", "22506": "purposely", "22507": "head", "22508": "medium", "22509": "heal", "22510": "rollercoasters", "22511": "realer", "22512": "26th", "22513": "sarnie", "22514": "heat", "22515": "hear", "22516": "heap", "22517": "kenzi", "22518": "nodded", "22519": "humiliate", "22520": "yayyyyyyy", "22521": "counsel", "22522": "deya", "22523": "heartwarming", "22524": "bids", "22525": "bargain", "22526": "adore", "22527": "stardust", "22528": "brightly", "22529": "ayla", "22530": "sinful", "22531": "zidane", "22532": "hhhhh", "22533": "nna", "22534": "scotia", "22535": "chuckling", "22536": "miso", "22537": "willingly", "22538": "ni", "22539": "nj", "22540": "nk", "22541": "nl", "22542": "nm", "22543": "landon", "22544": "no", "22545": "na", "22546": "nb", "22547": "nc", "22548": "nd", "22549": "ne", "22550": "nf", "22551": "ng", "22552": "nx", "22553": "ny", "22554": "nz", "22555": "vicodin", "22556": "np", "22557": "nr", "22558": "ns", "22559": "nt", "22560": "nu", "22561": "nv", "22562": "nw", "22563": "evergreen", "22564": "stopp", "22565": "wombat", "22566": "reconsider", "22567": "eiffel", "22568": "👍", "22569": "trailers", "22570": "scratchy", "22571": "reassuringly", "22572": "djokovic", "22573": "tidur", "22574": "pressies", "22575": "bullet", "22576": "ensued", "22577": "withhold", "22578": "trumprussia", "22579": "jebus", "22580": "n0", "22581": "n1", "22582": "n2", "22583": "backward", "22584": "n7", "22585": "varying", "22586": "ouch", "22587": "livelihood", "22588": "colleen", "22589": "gobsmacked", "22590": "guava", "22591": "displaying", "22592": "recharge", "22593": "fultz", "22594": "balding", "22595": "meryl", "22596": "nuzzled", "22597": "bandaged", "22598": "bulging", "22599": "netball", "22600": "contemplating", "22601": "puting", "22602": "currents", "22603": "sceptical", "22604": "brandis", "22605": "scrawny", "22606": "agreed", "22607": "henderson", "22608": "dex", "22609": "lanta", "22610": "agreee", "22611": "yonghwa", "22612": "advantage", "22613": "8hrs", "22614": "◉", "22615": "dez", "22616": "hatter", "22617": "sloppy", "22618": "pompey", "22619": "derren", "22620": "li", "22621": "ldr", "22622": "denounced", "22623": "sighed", "22624": "nona", "22625": "luhhh", "22626": "eccleston", "22627": "philippines", "22628": "dep", "22629": "youngs", "22630": "ecf", "22631": "accumulation", "22632": "heinz", "22633": "pmr", "22634": "pms", "22635": "det", "22636": "sociopathic", "22637": "inland", "22638": "tty", "22639": "journalistic", "22640": "steppin", "22641": "dev", "22642": "pmb", "22643": "prom", "22644": "reinstalling", "22645": "biopic", "22646": "bake", "22647": "substitute", "22648": "baka", "22649": "sissoko", "22650": "yeezus", "22651": "feat", "22652": "pleased", "22653": "tarmac", "22654": "525", "22655": "520", "22656": "withdrawls", "22657": "spirt", "22658": "hairy", "22659": "angelina", "22660": "clergy", "22661": "blizzcon", "22662": "michu", "22663": "hairs", "22664": "enjolras", "22665": "michi", "22666": "groups", "22667": "dea", "22668": "[", "22669": "lambeau", "22670": "arcadia", "22671": "pearly", "22672": "thirty", "22673": "pearls", "22674": "gnaw", "22675": "dublin", "22676": "sina", "22677": "marble", "22678": "sharpening", "22679": "charing", "22680": "descended", "22681": "cinnamon", "22682": "paxton", "22683": "jinwoo", "22684": "weird", "22685": "deg", "22686": "challange", "22687": "lowers", "22688": "hibiki", "22689": "footlocker", "22690": "mcguire", "22691": "morals", "22692": "potatoe", "22693": "substitution", "22694": "threes", "22695": "parma", "22696": "morale", "22697": "candice", "22698": "1st", "22699": "jacksons", "22700": "shelley", "22701": "emmys", "22702": "trinidad", "22703": "sledgehammer", "22704": "decatur", "22705": "wrongg", "22706": "💩", "22707": "dalit", "22708": "msu", "22709": "mst", "22710": "msp", "22711": "wrongs", "22712": "msn", "22713": "msm", "22714": "msi", "22715": "criteria", "22716": "msg", "22717": "msd", "22718": "msc", "22719": "msa", "22720": "rios", "22721": "kerry", "22722": "riot", "22723": "chocolate", "22724": "kerri", "22725": "luvs", "22726": "rallying", "22727": "ventus", "22728": "luvv", "22729": "sonething", "22730": "gillard", "22731": "meathead", "22732": "reflux", "22733": "heskey", "22734": "districts", "22735": "airtel", "22736": "terrell", "22737": "laughter", "22738": "slightest", "22739": "disowned", "22740": "alotta", "22741": "performer", "22742": "corrupted", "22743": "newsletters", "22744": "sarnies", "22745": "stroke", "22746": "performed", "22747": "ari", "22748": "bessie", "22749": "hydrogen", "22750": "swedish", "22751": "requirements", "22752": "afterlife", "22753": "___________", "22754": "cuba", "22755": "waeyo", "22756": "naaahh", "22757": "darragh", "22758": "prelim", "22759": "speaks", "22760": "🎼", "22761": "bazillion", "22762": "flavored", "22763": "righttt", "22764": "unbelievable", "22765": "20ish", "22766": "irrational", "22767": "ballroom", "22768": "granddaughter", "22769": "rites", "22770": "motorists", "22771": "outlandish", "22772": "tipped", "22773": "tonightt", "22774": "ritee", "22775": "nannies", "22776": "obvi", "22777": "idkkkkk", "22778": "unbelievably", "22779": "fckn", "22780": "fckd", "22781": "2hrs", "22782": "infidels", "22783": "glancing", "22784": "gerard", "22785": "bakk", "22786": "flagged", "22787": "tierra", "22788": "refund", "22789": "stargazing", "22790": "blocker", "22791": "canary", "22792": "fangs", "22793": "arcanine", "22794": "accolades", "22795": "sonnen", "22796": "worship", "22797": "blocked", "22798": "apes", "22799": "abusers", "22800": "courthouse", "22801": "apex", "22802": "rumoured", "22803": "cheerleaders", "22804": "enrolment", "22805": "coordinates", "22806": "cheyenne", "22807": "esea", "22808": "narcissism", "22809": "coordinated", "22810": "meridian", "22811": "cutter", "22812": "caint", "22813": "conversations", "22814": "warranted", "22815": "naija", "22816": "2nds", "22817": "livest", "22818": "caine", "22819": "curios", "22820": "jakemillermusic", "22821": "❞", "22822": "tarte", "22823": "newports", "22824": "equality", "22825": "realist", "22826": "opera", "22827": "adamlevine", "22828": "slumps", "22829": "possibilities", "22830": "nodding", "22831": "hashbrowns", "22832": "realise", "22833": "dabs", "22834": "stahp", "22835": "realism", "22836": "knowwww", "22837": "differential", "22838": "unproductive", "22839": "jeeeez", "22840": "bloop", "22841": "divisional", "22842": "webinar", "22843": "gaps", "22844": "zebra", "22845": "begun", "22846": "myrtle", "22847": "adequately", "22848": "reckons", "22849": "bubu", "22850": "ultimately", "22851": "100k", "22852": "bbcr4today", "22853": "bubs", "22854": "infuriated", "22855": "profit", "22856": "twtr", "22857": "catchingfire", "22858": "tto", "22859": "bubz", "22860": "someplace", "22861": "attracted", "22862": "cripes", "22863": "100x", "22864": "100s", "22865": "kanot", "22866": "juror", "22867": "clover", "22868": "anwar", "22869": "bbcqt", "22870": "booby", "22871": "shortlink", "22872": "satanic", "22873": "boobs", "22874": "albuquerque", "22875": "capcom", "22876": "ecchi", "22877": "explorers", "22878": "vidcon", "22879": "impose", "22880": "schnapps", "22881": "whopped", "22882": "unborn", "22883": "teammates", "22884": "1000", "22885": "origin", "22886": "sanchez", "22887": "feign", "22888": "jaxon", "22889": "divorced", "22890": "predictive", "22891": "budweiser", "22892": "blacker", "22893": "acca", "22894": "ecp", "22895": "awfully", "22896": "soaring", "22897": "simplified", "22898": "bradshaw", "22899": "acct", "22900": "pokemon", "22901": "accs", "22902": "millions", "22903": "disinterested", "22904": "surveys", "22905": "heathens", "22906": "arsehole", "22907": "eles", "22908": "stimulation", "22909": "chastity", "22910": "convention", "22911": "scarborough", "22912": "circa", "22913": "😾", "22914": "holden", "22915": "hue", "22916": "khair", "22917": "hug", "22918": "zobrist", "22919": "hua", "22920": "hub", "22921": "hum", "22922": "hun", "22923": "huh", "22924": "braun", "22925": "hut", "22926": "huu", "22927": "huw", "22928": "hup", "22929": "artsy", "22930": "hur", "22931": "hus", "22932": "7yo", "22933": "holder", "22934": "sumfin", "22935": "petrified", "22936": "ratchets", "22937": "lmao", "22938": "bikers", "22939": "require", "22940": "buzzfeed", "22941": "diplomatic", "22942": "janssen", "22943": "r", "22944": "coat", "22945": "heists", "22946": "dissapointed", "22947": "and", "22948": "ane", "22949": "anf", "22950": "ang", "22951": "diaby", "22952": "ana", "22953": "anc", "22954": "ann", "22955": "ano", "22956": "pri", "22957": "hershey", "22958": "prostitution", "22959": "mateo", "22960": "ant", "22961": "anu", "22962": "mater", "22963": "mates", "22964": "anp", "22965": "prs", "22966": "ans", "22967": "hershel", "22968": "matey", "22969": "pry", "22970": "any", "22971": "anz", "22972": "rudimental", "22973": "dining", "22974": "emphasis", "22975": "xxxxxx", "22976": "thermometer", "22977": "paulie", "22978": "trus", "22979": "yipee", "22980": "armando", "22981": "invasions", "22982": "sherman", "22983": "falls", "22984": "lounges", "22985": "visitors", "22986": "yeeessss", "22987": "connor", "22988": "freshman", "22989": "librarian", "22990": "littering", "22991": "cs6", "22992": "neuro", "22993": "garages", "22994": "considered", "22995": "jakarta", "22996": "yelped", "22997": "cortez", "22998": "jaebum", "22999": "pitino", "23000": "perch", "23001": "vetted", "23002": "vettel", "23003": "applauding", "23004": "recipe", "23005": "sadddd", "23006": "percy", "23007": "babysitters", "23008": "∞", "23009": "toastie", "23010": "cheech", "23011": "piranha", "23012": "crime", "23013": "explicitly", "23014": "spicey", "23015": "boyle", "23016": "centrally", "23017": "tayo", "23018": "narrows", "23019": "twitterless", "23020": "nell", "23021": "begging", "23022": "taya", "23023": "blackfish", "23024": "isit", "23025": "bandwagons", "23026": "rendition", "23027": "freaking", "23028": "closure", "23029": "regarding", "23030": "pinnacle", "23031": "floods", "23032": "cumin", "23033": "mmhmmm", "23034": "penguins", "23035": "hahahahahhahaha", "23036": "invincible", "23037": "bekah", "23038": "cutieee", "23039": "xhaka", "23040": "rmr", "23041": "reveals", "23042": "picnic", "23043": "belter", "23044": "duggar", "23045": "violated", "23046": "rmb", "23047": "dickhead", "23048": "wilshere", "23049": "rme", "23050": "n9ne", "23051": "sickle", "23052": "violates", "23053": "jou", "23054": "fails", "23055": "detect", "23056": "😧", "23057": "alienware", "23058": "jeter", "23059": "orrrr", "23060": "knoxville", "23061": "outsourcing", "23062": "weapons", "23063": "maximus", "23064": "saaaaame", "23065": "ouhh", "23066": "yoongi", "23067": "untrustworthy", "23068": "caucus", "23069": "tania", "23070": "moshpit", "23071": "receivers", "23072": "byee", "23073": "kahn", "23074": "ridic", "23075": "thevoice", "23076": "hashtagged", "23077": "🕑", "23078": "sacked", "23079": "fuckit", "23080": "byes", "23081": "daria", "23082": "successes", "23083": "ryanair", "23084": "stupidest", "23085": "cafes", "23086": "ligaments", "23087": "pahaha", "23088": "likeee", "23089": "joc", "23090": "snarls", "23091": "senator", "23092": "👻", "23093": "chasin", "23094": "deported", "23095": "pols", "23096": "color", "23097": "robotics", "23098": ",", "23099": "poly", "23100": "sampling", "23101": "pole", "23102": "werner", "23103": "colon", "23104": "baddddd", "23105": "polo", "23106": "poll", "23107": "polk", "23108": "avon", "23109": "runaway", "23110": "chael", "23111": "peng", "23112": "mcdowell", "23113": "lifes", "23114": "lifer", "23115": "abdul", "23116": "filmmakers", "23117": "eonnie", "23118": "poxy", "23119": "coupe", "23120": "u19", "23121": "u18", "23122": "lifee", "23123": "reuters", "23124": "optus", "23125": "coups", "23126": "cords", "23127": "hardly", "23128": "u17", "23129": "schoolboy", "23130": "630", "23131": "robben", "23132": "robbed", "23133": "mocking", "23134": "muscular", "23135": "tamil", "23136": "robber", "23137": "paying", "23138": "shaft", "23139": "hughes", "23140": "knucklehead", "23141": "spiderman", "23142": "lolss", "23143": "conception", "23144": "nothingness", "23145": "arnold", "23146": "carver", "23147": "okkkkkk", "23148": "lumped", "23149": "shrieks", "23150": "gophers", "23151": "goog", "23152": "twifey", "23153": "punches", "23154": "crusades", "23155": "crusader", "23156": "fetuses", "23157": "luffy", "23158": "oks", "23159": "snaking", "23160": "someone", "23161": "aaaand", "23162": "whimpering", "23163": "mcgregor", "23164": "helmet", "23165": "🤣", "23166": "sippin", "23167": "finishline", "23168": "alphabet", "23169": "siberian", "23170": "luffs", "23171": "shifts", "23172": "buys", "23173": "thaaank", "23174": "shifty", "23175": "events", "23176": "moronic", "23177": "males", "23178": "aaaaaaa", "23179": "booths", "23180": "applaud", "23181": "retrograde", "23182": "aaaaaah", "23183": "producers", "23184": "hawkeye", "23185": "fiiiiiine", "23186": "arose", "23187": "changing", "23188": "mayra", "23189": "fuuuuuuck", "23190": "atkins", "23191": "dimple", "23192": "threaded", "23193": "modes", "23194": "purposeful", "23195": "recital", "23196": "x___x", "23197": "melodramatic", "23198": "6hrs", "23199": "termination", "23200": "model", "23201": "offensively", "23202": "kyuhyun", "23203": "clog", "23204": "guided", "23205": "pacha", "23206": "clot", "23207": "😐", "23208": "5hr", "23209": "harrison", "23210": "mongoose", "23211": "differentiation", "23212": "🕷", "23213": "baldwin", "23214": "guides", "23215": "announcement", "23216": "tonys", "23217": "malec", "23218": "bryn", "23219": "dauntless", "23220": "womans", "23221": "xtian", "23222": "regent", "23223": "except", "23224": "reema", "23225": "pallet", "23226": "kimberly", "23227": "pickering", "23228": "engulfed", "23229": "poised", "23230": "kingdom", "23231": "mmn", "23232": "porto", "23233": "shearer", "23234": "glitched", "23235": "virginia", "23236": "loaned", "23237": "growin", "23238": "zayn", "23239": "schedules", "23240": "glitches", "23241": "huuuuuuugs", "23242": "rubbers", "23243": "wbu", "23244": "standstill", "23245": "buddies", "23246": "wby", "23247": "wbc", "23248": "wba", "23249": "recalls", "23250": "freestyles", "23251": "ammmm", "23252": "deshaun", "23253": "fluttered", "23254": "wahaha", "23255": "grimmy", "23256": "pacific", "23257": "cowboys", "23258": "canteen", "23259": "gomes", "23260": "provided", "23261": "pikmin", "23262": "prolific", "23263": "teachings", "23264": "shirtless", "23265": "longboard", "23266": "legal", "23267": "nutty", "23268": "habits", "23269": "trays", "23270": "provides", "23271": "provider", "23272": "redid", "23273": "redic", "23274": "o2", "23275": "calmed", "23276": "riddick", "23277": "converts", "23278": "communicate", "23279": "nudist", "23280": "outreach", "23281": "calmer", "23282": "terrified", "23283": "embarassing", "23284": "rearranging", "23285": "oo", "23286": "on", "23287": "om", "23288": "boondocks", "23289": "ok", "23290": "oj", "23291": "oi", "23292": "oh", "23293": "og", "23294": "of", "23295": "oe", "23296": "od", "23297": "oc", "23298": "ob", "23299": "oa", "23300": "mutually", "23301": "medicare", "23302": "oz", "23303": "oy", "23304": "ox", "23305": "ow", "23306": "ov", "23307": "ou", "23308": "ot", "23309": "os", "23310": "cudi", "23311": "oq", "23312": "op", "23313": "amber", "23314": "vicar", "23315": "ermmmm", "23316": "communication", "23317": "garner", "23318": "lakeview", "23319": "clams", "23320": "frack", "23321": "75k", "23322": "sweepstake", "23323": "ctfuuuuuu", "23324": "crunk", "23325": "strictly", "23326": "equates", "23327": "hazards", "23328": "racism", "23329": "strict", "23330": "😲", "23331": "racist", "23332": "jeddah", "23333": "balochistan", "23334": "condone", "23335": "morrison", "23336": "vicente", "23337": "750", "23338": "grunge", "23339": "jug", "23340": "jud", "23341": "juh", "23342": "jun", "23343": "lmaooo", "23344": "jul", "23345": "chomping", "23346": "jus", "23347": "soprano", "23348": "strenuous", "23349": "jut", "23350": "juu", "23351": "juz", "23352": "jux", "23353": "madie", "23354": "applying", "23355": "mortals", "23356": "turbines", "23357": "naples", "23358": "anchovies", "23359": "castles", "23360": "cbc", "23361": "rva", "23362": "cba", "23363": "cbf", "23364": "politico", "23365": "cbd", "23366": "rvd", "23367": "cbj", "23368": "cbi", "23369": "cbn", "23370": "cbo", "23371": "mormons", "23372": "cbs", "23373": "rvp", "23374": "cbt", "23375": "seniority", "23376": "politics", "23377": "cohesion", "23378": "stumbled", "23379": "sameeeeee", "23380": "1year", "23381": "idiot", "23382": "randolph", "23383": "thennnn", "23384": "diarrhea", "23385": "5km", "23386": "insurance", "23387": "miko", "23388": "regents", "23389": "stumbles", "23390": "announcements", "23391": "unneeded", "23392": "interrupts", "23393": "oneself", "23394": "infighting", "23395": "topshop", "23396": "lokpal", "23397": "subbing", "23398": "5kg", "23399": "flower", "23400": "included", "23401": "lmfaaoo", "23402": "spouse", "23403": "omgggggg", "23404": "carbs", "23405": "concords", "23406": "srry", "23407": "arsenals", "23408": "14s", "23409": "invest", "23410": "odds", "23411": "uglies", "23412": "curve", "23413": "unscathed", "23414": "curvy", "23415": "ratted", "23416": "dressers", "23417": "fizzle", "23418": "igloo", "23419": "🅿", "23420": "londoner", "23421": "migrated", "23422": "gupta", "23423": "javed", "23424": "seals", "23425": "bdays", "23426": "officialr5", "23427": "parmesan", "23428": "bdayy", "23429": "follow", "23430": "settlement", "23431": "kutcher", "23432": "alcatraz", "23433": "clyne", "23434": "goner", "23435": "subjected", "23436": "safeties", "23437": "removal", "23438": "program", "23439": "dreamcast", "23440": "weakk", "23441": "presentation", "23442": "flowed", "23443": "belonging", "23444": "esther", "23445": "worse", "23446": "lincolnshire", "23447": "induce", "23448": "obp", "23449": "simpsons", "23450": "ican", "23451": "thankyouuuu", "23452": "worst", "23453": "hatching", "23454": "bubbles", "23455": "soles", "23456": "rebounds", "23457": "tiresome", "23458": "brenden", "23459": "gerrard", "23460": "grandfather", "23461": "trench", "23462": "vibes", "23463": "undone", "23464": "saxophone", "23465": "conflicted", "23466": "manslaughter", "23467": "teh", "23468": "tei", "23469": "tek", "23470": "tel", "23471": "tem", "23472": "ten", "23473": "teo", "23474": "rekindle", "23475": "tea", "23476": "tec", "23477": "ted", "23478": "tee", "23479": "tex", "23480": "dalton", "23481": "rate", "23482": "design", "23483": "ter", "23484": "tes", "23485": "chegg", "23486": "plex", "23487": "tew", "23488": "gunn", "23489": "hesitation", "23490": "deeply", "23491": "guna", "23492": "squished", "23493": "gunz", "23494": "guns", "23495": "kyaa", "23496": "dummie", "23497": "cheetahs", "23498": "bossing", "23499": "doorframe", "23500": "eligibility", "23501": "seeping", "23502": "aomine", "23503": "heller", "23504": "oan", "23505": "rapmon", "23506": "andrews", "23507": "madeleine", "23508": "directions", "23509": "epitome", "23510": "junaid", "23511": "misinterpret", "23512": "copping", "23513": "crybaby", "23514": "options", "23515": "sticking", "23516": "fagget", "23517": "thankfully", "23518": "commandments", "23519": "screens", "23520": "texts", "23521": "snug", "23522": "2000s", "23523": "snub", "23524": "💙", "23525": "1900", "23526": "dgaf", "23527": "bethan", "23528": "interception", "23529": "piggyback", "23530": "compensate", "23531": "dissatisfied", "23532": "hanami", "23533": "dwade", "23534": "mannnnnn", "23535": "quigg", "23536": "tryna", "23537": "wretched", "23538": "kyler", "23539": "♣", "23540": "yahh", "23541": "kyles", "23542": "brothas", "23543": "guuuurl", "23544": "floyd", "23545": "20000", "23546": "semper", "23547": "squish", "23548": "illustrious", "23549": "equation", "23550": "policemen", "23551": "debated", "23552": "malls", "23553": "protestors", "23554": "excursion", "23555": "evangelicals", "23556": "matchmaking", "23557": "embarrassing", "23558": "stomachache", "23559": "abandonment", "23560": "expiring", "23561": "woahh", "23562": "sexyyy", "23563": "niagara", "23564": "imitation", "23565": "arise", "23566": "airplane", "23567": "offspring", "23568": "earpiece", "23569": "extinguisher", "23570": "thud", "23571": "desperation", "23572": "breaking", "23573": "🎬", "23574": "cleansing", "23575": "wracking", "23576": "buenos", "23577": "conceptual", "23578": "decking", "23579": "🙅", "23580": "🇲", "23581": "cancun", "23582": "umpires", "23583": "disable", "23584": "numb", "23585": "carbonated", "23586": "dickeating", "23587": "capitalize", "23588": "wangs", "23589": "arda", "23590": "trickle", "23591": "getn", "23592": "footer", "23593": "bizness", "23594": "plateau", "23595": "strutting", "23596": "caus", "23597": "footed", "23598": "barbs", "23599": "fests", "23600": "mansplaining", "23601": "daaaay", "23602": "rentals", "23603": "adrien", "23604": "tallahassee", "23605": "handlebars", "23606": "september", "23607": "waitresses", "23608": "entries", "23609": "sloot", "23610": "mission", "23611": "proverbial", "23612": "logan", "23613": "underwhelmed", "23614": "alrite", "23615": "islam", "23616": "leanne", "23617": "unleashing", "23618": "internationalwomensday", "23619": "drose", "23620": "leanna", "23621": "glide", "23622": "susceptible", "23623": "getz", "23624": "dross", "23625": "·", "23626": "cady", "23627": "draven", "23628": "argentina", "23629": "might", "23630": "alter", "23631": "partyin", "23632": "predator", "23633": "speechless", "23634": "inch", "23635": "griner", "23636": "belittle", "23637": "flammable", "23638": "orrr", "23639": "bigger", "23640": "braindead", "23641": "letsgo", "23642": "athletico", "23643": "nephews", "23644": "1password", "23645": "ikno", "23646": "inequality", "23647": "letting", "23648": "inherent", "23649": "athletics", "23650": "hammering", "23651": "happends", "23652": "formulate", "23653": "nobhead", "23654": "turnt", "23655": "scratching", "23656": "scoping", "23657": "braided", "23658": "eggman", "23659": "realising", "23660": "discrete", "23661": "4pm", "23662": "nepal", "23663": "sagna", "23664": "health", "23665": "wayyyyy", "23666": "paradise", "23667": "bandz", "23668": "caucasian", "23669": "benjamin", "23670": "hailing", "23671": "boolin", "23672": "exodus", "23673": "blaring", "23674": "treysongz", "23675": "experimenting", "23676": "marner", "23677": "randall", "23678": "attendant", "23679": "generate", "23680": "thrown", "23681": "acura", "23682": "overcrowded", "23683": "sylvester", "23684": "movember", "23685": "circuit", "23686": "5th", "23687": "solidly", "23688": "unhealthy", "23689": "hahahahahha", "23690": "linking", "23691": "defects", "23692": "blank", "23693": "bland", "23694": "whale", "23695": "blanc", "23696": "corporal", "23697": "moan", "23698": "pensioner", "23699": "temperature", "23700": "steamin", "23701": "chime", "23702": "rails", "23703": "😮", "23704": "swarm", "23705": "sware", "23706": "moat", "23707": "raila", "23708": "moar", "23709": "attendants", "23710": "wahhhh", "23711": "ospina", "23712": "antsy", "23713": "horrifically", "23714": "shaqiri", "23715": "schoo", "23716": "uncut", "23717": "undertaker", "23718": "punters", "23719": "compartment", "23720": "vial", "23721": "mame", "23722": "instruction", "23723": "illegals", "23724": "lanzarote", "23725": "salazar", "23726": "dispenser", "23727": "igot", "23728": "uniforms", "23729": "outstanding", "23730": "strengthen", "23731": "collars", "23732": "spectating", "23733": "headbutts", "23734": "fashions", "23735": "rugs", "23736": "overblown", "23737": "judah", "23738": "mnet", "23739": "interferes", "23740": "efl", "23741": "chairman", "23742": "efc", "23743": "judas", "23744": "efe", "23745": "eff", "23746": "huhh", "23747": "added", "23748": "pyjama", "23749": "warnings", "23750": "reckon", "23751": "goldman", "23752": "measures", "23753": "nivea", "23754": "reunited", "23755": "subsidy", "23756": "mussy", "23757": "shareholder", "23758": "enduring", "23759": "britton", "23760": "measured", "23761": "lavigne", "23762": "grams", "23763": "devalue", "23764": "10am", "23765": "dissolved", "23766": "maself", "23767": "institutions", "23768": "stones", "23769": "stoner", "23770": "beefin", "23771": "asphalt", "23772": "stoney", "23773": "mhhh", "23774": "stoned", "23775": "excessive", "23776": "melody", "23777": "mchg", "23778": "costing", "23779": "oaky", "23780": "hwo", "23781": "awakens", "23782": "bfg", "23783": "testicles", "23784": "securing", "23785": "bfi", "23786": "sameeee", "23787": "penalty", "23788": "abiding", "23789": "jugak", "23790": "carmine", "23791": "tct", "23792": "clarifying", "23793": "counterpoint", "23794": "tommorow", "23795": "bambino", "23796": "tillman", "23797": "fancying", "23798": "beardy", "23799": "revered", "23800": "procrastination", "23801": "ithink", "23802": "compliments", "23803": "beards", "23804": "hajime", "23805": "jeanne", "23806": "plss", "23807": "consensual", "23808": "tinubu", "23809": "nickelodeon", "23810": "dossier", "23811": "bf1", "23812": "plse", "23813": "bf4", "23814": "sustainable", "23815": "vincent", "23816": "snowstorm", "23817": "consciously", "23818": "55pm", "23819": "signify", "23820": "somemore", "23821": "dayss", "23822": "gervinho", "23823": "injecting", "23824": "bellies", "23825": "😗", "23826": "hewwo", "23827": "afters", "23828": "crunching", "23829": "turing", "23830": "fontana", "23831": "nailed", "23832": "slapped", "23833": "creme", "23834": "slapper", "23835": "familys", "23836": "swansea", "23837": "berserk", "23838": "lamenting", "23839": "watchin", "23840": "cancelling", "23841": "korea", "23842": "recently", "23843": "toilets", "23844": "kyaaa", "23845": "succeed", "23846": "rares", "23847": "rarer", "23848": "bastian", "23849": "condo", "23850": "korey", "23851": "lyrical", "23852": "bronze", "23853": "mths", "23854": "license", "23855": "1of", "23856": "parkers", "23857": "👫", "23858": "breakin", "23859": "saskatoon", "23860": "berkley", "23861": "collection", "23862": "kenton", "23863": "sloth", "23864": "flies", "23865": "flier", "23866": "🌄", "23867": "ranchers", "23868": "reasons", "23869": "dinning", "23870": "whelp", "23871": "tryhard", "23872": "btts", "23873": "slots", "23874": "pr", "23875": "dui", "23876": "pp", "23877": "pq", "23878": "pv", "23879": "dum", "23880": "dun", "23881": "pu", "23882": "pz", "23883": "dua", "23884": "dub", "23885": "py", "23886": "dud", "23887": "due", "23888": "kafir", "23889": "dug", "23890": "pb", "23891": "pc", "23892": "duz", "23893": "pa", "23894": "pf", "23895": "pg", "23896": "pd", "23897": "pe", "23898": "pj", "23899": "pk", "23900": "sws", "23901": "pi", "23902": "pn", "23903": "chandler", "23904": "pl", "23905": "pm", "23906": "goreng", "23907": "philippine", "23908": "dropout", "23909": "togo", "23910": "vaguely", "23911": "naz", "23912": "temperament", "23913": "itachi", "23914": "incoming", "23915": "lilbthebasedgod", "23916": "toga", "23917": "p2", "23918": "p3", "23919": "unova", "23920": "p1", "23921": "p6", "23922": "ahaa", "23923": "p4", "23924": "p5", "23925": "theree", "23926": "ahan", "23927": "ahah", "23928": "batch", "23929": "pampers", "23930": "phuck", "23931": "tweaking", "23932": "stakeholders", "23933": "sw4", "23934": "bespoke", "23935": "theres", "23936": "bylsma", "23937": "yeeeeees", "23938": "hhmmm", "23939": "leant", "23940": "noc", "23941": "leans", "23942": "quaid", "23943": "leann", "23944": "quail", "23945": "nuthing", "23946": "rember", "23947": "wriggles", "23948": "chauffeur", "23949": "aged", "23950": "thanksssss", "23951": "parading", "23952": "chelseafc", "23953": "sliver", "23954": "arrives", "23955": "cartridge", "23956": "rahe", "23957": "33333", "23958": "arrived", "23959": "bambam", "23960": "birch", "23961": "robust", "23962": "knack", "23963": "mindfucked", "23964": "◠", "23965": "lower", "23966": "lowes", "23967": "hagd", "23968": "fuxk", "23969": "dancing", "23970": "bounces", "23971": "bouncer", "23972": "ubisoft", "23973": "corinne", "23974": "hags", "23975": "frazer", "23976": "bounced", "23977": "sumat", "23978": "😀", "23979": "abilities", "23980": "precedence", "23981": "pigeons", "23982": "competitive", "23983": "shelbs", "23984": "corrupting", "23985": "inactive", "23986": "inly", "23987": "selamat", "23988": "gems", "23989": "loading", "23990": "acapella", "23991": "extracted", "23992": "advisers", "23993": "ciel", "23994": "likeable", "23995": "exclusively", "23996": "exhibition", "23997": "unplayable", "23998": "hazza", "23999": "lovie", "24000": "dvds", "24001": "condemnation", "24002": "lovin", "24003": "anthems", "24004": "postmates", "24005": "hahha", "24006": "wingstop", "24007": "kickin", "24008": "instore", "24009": "arthur", "24010": "nipple", "24011": "translators", "24012": "puffed", "24013": "joto", "24014": "folders", "24015": "ecology", "24016": "anzac", "24017": "piglet", "24018": "fuckinh", "24019": "fucking", "24020": "fuckinf", "24021": "ulcers", "24022": "understood", "24023": "uppercut", "24024": "grenades", "24025": "ughhhhhhhh", "24026": "newsletter", "24027": "courtois", "24028": "mckenna", "24029": "rolltide", "24030": "boku", "24031": "gradually", "24032": "lawdd", "24033": "boks", "24034": "objectification", "24035": "zahra", "24036": "soppy", "24037": "meds", "24038": "guyssss", "24039": "celticfc", "24040": "tends", "24041": "lawdy", "24042": "hiddleston", "24043": "fragments", "24044": "boko", "24045": "t_t", "24046": "jumpy", "24047": "fifa15", "24048": "fifa14", "24049": "lmaoooo", "24050": "jumps", "24051": "juju", "24052": "askies", "24053": "tinker", "24054": "146", "24055": "yaaassss", "24056": "yurio", "24057": "unconfirmed", "24058": "300m", "24059": "volunteering", "24060": "standalone", "24061": "ordeal", "24062": "stricken", "24063": "podesta", "24064": "huffed", "24065": "bleeds", "24066": "kiffin", "24067": "clubhouse", "24068": "joelle", "24069": "bailly", "24070": "loove", "24071": "holster", "24072": "mustaches", "24073": "gautam", "24074": "canal", "24075": "sonny", "24076": "pundit", "24077": "introverted", "24078": "jameson", "24079": "stylin", "24080": "xoxo", "24081": "fast", "24082": "kwani", "24083": "vendors", "24084": "laila", "24085": "barfed", "24086": "beyonces", "24087": "shotting", "24088": "vienna", "24089": "melodic", "24090": "kc", "24091": "🏃", "24092": "flagrant", "24093": "regen", "24094": "90mins", "24095": "potassium", "24096": "succumbed", "24097": "lyndsey", "24098": "knoee", "24099": "yeww", "24100": "loadsa", "24101": "deployed", "24102": "wuvs", "24103": "saz", "24104": "tumblr", "24105": "asain", "24106": "drinkers", "24107": "demeanor", "24108": "fries", "24109": "stalking", "24110": "gratifying", "24111": "fried", "24112": "sunnies", "24113": "💂", "24114": "bbuk", "24115": "streetcar", "24116": "associates", "24117": "faithless", "24118": "bicep", "24119": "sax", "24120": "wuff", "24121": "grt", "24122": "grr", "24123": "sligo", "24124": "grp", "24125": "charitable", "24126": "niceeee", "24127": "bulbasaur", "24128": "cramped", "24129": "haylor", "24130": "mcdonnell", "24131": "grl", "24132": "leng", "24133": "soviets", "24134": "pennant", "24135": "jerker", "24136": "wickets", "24137": "chirp", "24138": "develops", "24139": "markiplier", "24140": "whitman", "24141": "pottery", "24142": "nass", "24143": "suffers", "24144": "nast", "24145": "potters", "24146": "muchos", "24147": "gr8", "24148": "gr9", "24149": "pyro", "24150": "geeez", "24151": "waxing", "24152": "nasa", "24153": "weights", "24154": "nash", "24155": "dodging", "24156": "tete", "24157": "nasl", "24158": "albion", "24159": "pervert", "24160": "🐈", "24161": "jims", "24162": "steve", "24163": "", "24164": "wolverines", "24165": "⌒", "24166": "jimi", "24167": "timberland", "24168": "stevo", "24169": "jkjkjk", "24170": "issues", "24171": "laziest", "24172": "anglia", "24173": "spector", "24174": "disposal", "24175": "shanghai", "24176": "ultraviolence", "24177": "🌲", "24178": "stable", "24179": "wailing", "24180": "waiters", "24181": "gini", "24182": "gino", "24183": "caz", "24184": "talons", "24185": "gina", "24186": "ging", "24187": "gine", "24188": "eeee", "24189": "avid", "24190": "drinking", "24191": "eeeh", "24192": "bryant", "24193": "juvia", "24194": "u18s", "24195": "errrrrr", "24196": "incoherent", "24197": "lauder", "24198": "defeats", "24199": "facebooks", "24200": "indescribable", "24201": "congrats", "24202": "nowdays", "24203": "meekmill", "24204": "atletico", "24205": "folds", "24206": "sensation", "24207": "perched", "24208": "chamakh", "24209": "undergarments", "24210": "krit", "24211": "decker", "24212": "checkers", "24213": "blobs", "24214": "kris", "24215": "yiss", "24216": "screenshots", "24217": "wanker", "24218": "pontifex", "24219": "backtracking", "24220": "krib", "24221": "cao", "24222": "carbonara", "24223": "nazis", "24224": "refilled", "24225": "labyrinth", "24226": "sexc", "24227": "cozy", "24228": "hdmi", "24229": "sexi", "24230": "yoruba", "24231": "pushing", "24232": "fvck", "24233": "guuuuurl", "24234": "slated", "24235": "desiree", "24236": "desired", "24237": "sext", "24238": "separation", "24239": "sexy", "24240": "ewok", "24241": "astrid", "24242": "sadtweet", "24243": "draking", "24244": "spines", "24245": "orangutan", "24246": "mindblowing", "24247": "reds", "24248": "selby", "24249": "slinging", "24250": "fords", "24251": "fenton", "24252": "redd", "24253": "redo", "24254": "droopy", "24255": "nest", "24256": "usf", "24257": "use", "24258": "usd", "24259": "usc", "24260": "usb", "24261": "usa", "24262": "&", "24263": "uso", "24264": "walao", "24265": "fel", "24266": "fem", "24267": "gern", "24268": "ookay", "24269": "germ", "24270": "rao", "24271": "few", "24272": "depicted", "24273": "ust", "24274": "fer", "24275": "fes", "24276": "bitterly", "24277": "ines", "24278": "jesses", "24279": "fez", "24280": "fey", "24281": "planing", "24282": "parliament", "24283": "journalists", "24284": "sorr", "24285": "bitly", "24286": "musician", "24287": "impress", "24288": "sory", "24289": "infection", "24290": "mouthwash", "24291": "hein", "24292": "sore", "24293": "heil", "24294": "sora", "24295": "sori", "24296": "pika", "24297": "topic", "24298": "islamabad", "24299": "♪", "24300": "misfits", "24301": "lumber", "24302": "ndc", "24303": "chio", "24304": "wrkin", "24305": "distractions", "24306": "proprietary", "24307": "mowing", "24308": "spying", "24309": "carrol", "24310": "dripping", "24311": "gowdy", "24312": "villain", "24313": "carrot", "24314": "something", "24315": "dekalb", "24316": "locking", "24317": "defund", "24318": "summers", "24319": "united", "24320": "memorize", "24321": "gally", "24322": "toodles", "24323": "summery", "24324": "carries", "24325": "camels", "24326": "unites", "24327": "dismissing", "24328": "slandering", "24329": "kaykay", "24330": "gallo", "24331": "sweat", "24332": "tension", "24333": "puppets", "24334": "cupboard", "24335": "unforgivable", "24336": "masks", "24337": "halfs", "24338": "mota", "24339": "hahahahh", "24340": "sainsburys", "24341": "hahahaha", "24342": "sw_trains", "24343": "📞", "24344": "readiness", "24345": "martins", "24346": "straps", "24347": "chapman", "24348": "martina", "24349": "ferrer", "24350": "disrespecting", "24351": "steins", "24352": "martini", "24353": "saturated", "24354": "looka", "24355": "lookn", "24356": "clinicals", "24357": "southernrailuk", "24358": "churros", "24359": "carlsberg", "24360": "joanne", "24361": "ahahahahahah", "24362": "joanna", "24363": "tyrant", "24364": "kbs", "24365": "suiting", "24366": "boosts", "24367": "unsustainable", "24368": "anonymously", "24369": "midgard", "24370": "otis", "24371": "pellet", "24372": "ships", "24373": "nostalgia", "24374": "prudent", "24375": "nostalgic", "24376": "estimating", "24377": "permanent", "24378": "dermot", "24379": "turban", "24380": "orange", "24381": "linings", "24382": "defining", "24383": "bumbling", "24384": "contention", "24385": "orthodox", "24386": "hoddle", "24387": "makings", "24388": "versace", "24389": "negligent", "24390": "untouchable", "24391": "ferguson", "24392": "andriod", "24393": "emerald", "24394": "satellites", "24395": "impaired", "24396": "boggs", "24397": "investor", "24398": "nff", "24399": "sternum", "24400": "nfc", "24401": "nfb", "24402": "profound", "24403": "nfl", "24404": "unpredictable", "24405": "polishes", "24406": "conservatism", "24407": "recents", "24408": "erratic", "24409": "studios", "24410": "buick", "24411": "bogey", "24412": "schneiderlin", "24413": "pistachios", "24414": "thunders", "24415": "childless", "24416": "🐟", "24417": "tabloid", "24418": "chyna", "24419": "✩", "24420": "disarray", "24421": "strengthened", "24422": "vcr", "24423": "vcs", "24424": "vcu", "24425": "performs", "24426": "hollering", "24427": "induction", "24428": "integrated", "24429": "rewrote", "24430": "molls", "24431": "45pm", "24432": "molly", "24433": "promptly", "24434": "fawning", "24435": "molla", "24436": "rhoc", "24437": "sabre", "24438": "rhoa", "24439": "joshy", "24440": "comrade", "24441": "hunny", "24442": "phrases", "24443": "blogpost", "24444": "leftie", "24445": "illicit", "24446": "hunni", "24447": "hunna", "24448": "tysm", "24449": "phrased", "24450": "*", "24451": "bouquet", "24452": "givenchy", "24453": "arian", "24454": "dickie", "24455": "proposing", "24456": "steamy", "24457": "rovers", "24458": "ifeel", "24459": "minster", "24460": "sneakerhead", "24461": "cricketers", "24462": "righ", "24463": "rigo", "24464": "atkinson", "24465": "oooooooooh", "24466": "inmate", "24467": "rylee", "24468": "dharna", "24469": "ticklish", "24470": "rigs", "24471": "photoshopped", "24472": "repping", "24473": "vinb", "24474": "academy", "24475": "shallow", "24476": "slides", "24477": "slider", "24478": "regards", "24479": "dynamite", "24480": "goblin", "24481": "rping", "24482": "moreeeeee", "24483": "hearings", "24484": "kickback", "24485": "boring", "24486": "killeen", "24487": "infectious", "24488": "screeching", "24489": "patients", "24490": "dynamo", "24491": "syncs", "24492": "emmett", "24493": "rania", "24494": "cohen", "24495": "yohan", "24496": "unelected", "24497": "howww", "24498": "sincerity", "24499": "redmond", "24500": "🌛", "24501": "beliebers", "24502": "intresting", "24503": "sleeeeep", "24504": "roux", "24505": "xrd", "24506": "rout", "24507": "roun", "24508": "sunbed", "24509": "keshi", "24510": "kesho", "24511": "lopa", "24512": "alienating", "24513": "asshole", "24514": "kesha", "24515": "=", "24516": "combat", "24517": "tapper", "24518": "harmful", "24519": "lemmie", "24520": "stubhub", "24521": "realtor", "24522": "discourage", "24523": "barista", "24524": "ramires", "24525": "saddest", "24526": "benteke", "24527": "ramirez", "24528": "looked", "24529": "uefa", "24530": "bridgewater", "24531": "esme", "24532": "zouis", "24533": "niel", "24534": "ayooo", "24535": "", "24536": "nier", "24537": "planning", "24538": "democrats", "24539": "dorothy", "24540": "bloodborne", "24541": "q3", "24542": "q2", "24543": "mugs", "24544": "q4", "24545": "6000", "24546": "q6", "24547": "clutching", "24548": "q8", "24549": "dragonite", "24550": "mez", "24551": "sunflowers", "24552": "daenerys", "24553": "wowsers", "24554": "undermining", "24555": "☼", "24556": "spun", "24557": "prosecute", "24558": "spud", "24559": "spur", "24560": "qq", "24561": "qp", "24562": "qs", "24563": "qr", "24564": "qu", "24565": "qt", "24566": "enlisting", "24567": "brain", "24568": "♦", "24569": "qa", "24570": "peepin", "24571": "qc", "24572": "qb", "24573": "qe", "24574": "qf", "24575": "qi", "24576": "nightingale", "24577": "600k", "24578": "futuristic", "24579": "qn", "24580": "unison", "24581": "shedding", "24582": "freinds", "24583": "ogre", "24584": "expel", "24585": "fantastically", "24586": "gahh", "24587": "cairns", "24588": "vindicated", "24589": "nightgown", "24590": "bishhhh", "24591": "gaha", "24592": "barrels", "24593": "kimchi", "24594": "gahd", "24595": "crt", "24596": "twitlonger", "24597": "braid", "24598": "itni", "24599": "arguably", "24600": "landry", "24601": "meatballs", "24602": "junky", "24603": "wagers", "24604": "💰", "24605": "viper", "24606": "tlop", "24607": "junko", "24608": "dhoom", "24609": "ruling", "24610": "mizzou", "24611": "andromeda", "24612": "embarrassment", "24613": "hypothesis", "24614": "shudda", "24615": "spesh", "24616": "hobi", "24617": "hobo", "24618": "yeeaah", "24619": "commands", "24620": "budgeting", "24621": "vanishing", "24622": "warps", "24623": "brons", "24624": "bronx", "24625": "brony", "24626": "mady", "24627": "commando", "24628": "zeke", "24629": "hehehe", "24630": "disenfranchised", "24631": "hospice", "24632": "makin", "24633": "packaging", "24634": "subscribe", "24635": "guantanamo", "24636": "respect", "24637": "narrowed", "24638": "thatss", "24639": "haahahaha", "24640": "amigo", "24641": "baloch", "24642": "provinces", "24643": "cavities", "24644": "fishers", "24645": "hunters", "24646": "intimidating", "24647": "storyteller", "24648": "amiga", "24649": "thewanted", "24650": "tutor", "24651": "literal", "24652": "unspoken", "24653": "otamendi", "24654": "spacious", "24655": "jaden", "24656": "glock", "24657": "skinhead", "24658": "proudest", "24659": "painted", "24660": "hmu", "24661": "sufficient", "24662": "jaded", "24663": "hmp", "24664": "hms", "24665": "hml", "24666": "hmm", "24667": "hmn", "24668": "hmj", "24669": "boyfie", "24670": "hme", "24671": "jades", "24672": "painter", "24673": "eyelashes", "24674": "corset", "24675": "align", "24676": "ejection", "24677": "antigua", "24678": "headlock", "24679": "untagged", "24680": "seungri", "24681": "fδvor", "24682": "layer", "24683": "lesnar", "24684": "duas", "24685": "myn", "24686": "avs", "24687": "goona", "24688": "ू", "24689": "layed", "24690": "avi", "24691": "dual", "24692": "snuck", "24693": "ave", "24694": "avg", "24695": "ava", "24696": "avb", "24697": "calle", "24698": "radiation", "24699": "cross", "24700": "member", "24701": "wantin", "24702": "starcrossed", "24703": "gizmo", "24704": "lakewood", "24705": "grandeur", "24706": "residing", "24707": "sincerest", "24708": "maymay", "24709": "jemima", "24710": "definately", "24711": "diplomat", "24712": "snitches", "24713": "beast", "24714": "kodwa", "24715": "nob", "24716": "idris", "24717": "norah", "24718": "chattanooga", "24719": "fighting", "24720": "scissor", "24721": "seeker", "24722": "torquay", "24723": "3days", "24724": "noy", "24725": "bending", "24726": "mfa", "24727": "mfc", "24728": "routinely", "24729": "cried", "24730": "mfn", "24731": "replenish", "24732": "crier", "24733": "cries", "24734": "mfs", "24735": "fishing", "24736": "mfw", "24737": "backroom", "24738": "schleep", "24739": "rapid", "24740": "panther", "24741": "nicks", "24742": "wdym", "24743": "capabilities", "24744": "monthsary", "24745": "nicki", "24746": "galloping", "24747": "1ish", "24748": "favre", "24749": "enact", "24750": "hafeez", "24751": "captivating", "24752": "myth", "24753": "cutthroat", "24754": "kayne", "24755": "interrogation", "24756": "kellogg", "24757": "darkside", "24758": "presume", "24759": "fired", "24760": "neda", "24761": "defff", "24762": "helpful", "24763": "smashin", "24764": "tryouts", "24765": "🍦", "24766": "loser", "24767": "loses", "24768": "lawson", "24769": "rituals", "24770": "absa", "24771": "sindh", "24772": "abso", "24773": "worlderpe", "24774": "virginity", "24775": "elevators", "24776": "mattresses", "24777": "upgrades", "24778": "karkat", "24779": "growth", "24780": "kaboom", "24781": "hahaga", "24782": "esophagus", "24783": "disrupting", "24784": "", "24785": "outfitters", "24786": "30p", "24787": "miner", "24788": "mines", "24789": "philosopher", "24790": "arteries", "24791": "odeon", "24792": "earrings", "24793": "mined", "24794": "dobbs", "24795": "trout", "24796": "cunnilingus", "24797": "southerner", "24798": "obey", "24799": "🍉", "24800": "inking", "24801": "conveyed", "24802": "lorax", "24803": "daquan", "24804": "mellie", "24805": "perspectives", "24806": "socialising", "24807": "extension", "24808": "saddle", "24809": "hookup", "24810": "sectarian", "24811": "urged", "24812": "perks", "24813": "gulping", "24814": "saddens", "24815": "perky", "24816": "urges", "24817": "emperor", "24818": "devouring", "24819": "owl", "24820": "owo", "24821": "panera", "24822": "mraz", "24823": "owh", "24824": "owk", "24825": "owe", "24826": "bapu", "24827": "owa", "24828": "mras", "24829": "fanbook", "24830": "fundraiser", "24831": "stratford", "24832": "negate", "24833": "owt", "24834": "oww", "24835": "toasts", "24836": "downnn", "24837": "geelong", "24838": "platoon", "24839": "indira", "24840": "appt", "24841": "apps", "24842": "groomed", "24843": "smoothing", "24844": "continental", "24845": "intention", "24846": "pouts", "24847": "yewwww", "24848": "pouty", "24849": "breeding", "24850": "cliff", "24851": "appa", "24852": "bitchez", "24853": "canvassing", "24854": "shank", "24855": "shane", "24856": "bosnian", "24857": "shang", "24858": "bitches", "24859": "shana", "24860": "deuce", "24861": "bitched", "24862": "coool", "24863": "yogurtland", "24864": "sass", "24865": "infante", "24866": "record", "24867": "infants", "24868": "demonstrate", "24869": "cmon", "24870": "slendy", "24871": "humbling", "24872": "aditya", "24873": "boardwalk", "24874": "amiright", "24875": "abbot", "24876": "adorbs", "24877": "trotting", "24878": "6ish", "24879": "deporting", "24880": "yayyyyyy", "24881": "guitarist", "24882": "friggen", "24883": "other", "24884": "fitba", "24885": "phish", "24886": "contacting", "24887": "irons", "24888": "volumes", "24889": "mulch", "24890": "inherently", "24891": "backer", "24892": "preform", "24893": "whitby", "24894": "priced", "24895": "oberyn", "24896": "upwards", "24897": "laundromat", "24898": "gelato", "24899": "girrl", "24900": "jewel", "24901": "intentionally", "24902": "eeyup", "24903": "ideological", "24904": "pods", "24905": "raining", "24906": "hordes", "24907": "foul", "24908": "four", "24909": "diamondbacks", "24910": "compliance", "24911": "cyprus", "24912": "aggression", "24913": "finessed", "24914": "shure", "24915": "increase", "24916": "kickbacks", "24917": "dillish", "24918": "quadruple", "24919": "doppelgänger", "24920": "demoted", "24921": "immature", "24922": "meadows", "24923": "schalke", "24924": "nooooooooooooo", "24925": "sinking", "24926": "callin", "24927": "navigating", "24928": "heyo", "24929": "sehun", "24930": "saskatchewan", "24931": "oceans", "24932": "pierce", "24933": "pharoah", "24934": "fuu", "24935": "crackin", "24936": "leisurely", "24937": "oceana", "24938": "stabbed", "24939": "butttttt", "24940": "werid", "24941": "lumia", "24942": "disturb", "24943": "basics", "24944": "bbbots", "24945": "recognises", "24946": "cashout", "24947": "fxcking", "24948": "greaaaat", "24949": "nigerians", "24950": "cheeto", "24951": "commented", "24952": "fuhh", "24953": "bloglovin", "24954": "fect", "24955": "specially", "24956": "lemieux", "24957": "valiant", "24958": "sailed", "24959": "melvin", "24960": "loathing", "24961": "feck", "24962": "relieving", "24963": "roddy", "24964": "thunder", "24965": "kisstory", "24966": "enroute", "24967": "locos", "24968": "gujarati", "24969": "bonuses", "24970": "straights", "24971": "fossil", "24972": "resilient", "24973": "dooin", "24974": "payoff", "24975": "groupie", "24976": "admiral", "24977": "r6", "24978": "cull", "24979": "housewarming", "24980": "culo", "24981": "aigh", "24982": "culd", "24983": "pmoindia", "24984": "sobs", "24985": "thng", "24986": "atoms", "24987": "lgbt", "24988": "cart", "24989": "cult", "24990": "ㅡ", "24991": "suuure", "24992": "k", "24993": "eligible", "24994": "eastenders", "24995": "inabit", "24996": "karim", "24997": "karin", "24998": "45mins", "24999": "unwanted", "25000": "pullin", "25001": "criticism", "25002": "🐁", "25003": "escorting", "25004": "meetups", "25005": "omelettes", "25006": "criticise", "25007": "argo", "25008": "mileycyrus", "25009": "replace", "25010": "foodbanks", "25011": "hahahahah", "25012": "shoddy", "25013": "unanswered", "25014": "hahahahaa", "25015": "endzone", "25016": "cocaine", "25017": "opponents", "25018": "ominous", "25019": "browse", "25020": "symphony", "25021": "strike", "25022": "roshes", "25023": "afrojack", "25024": "notin", "25025": "females", "25026": "standardized", "25027": "hereby", "25028": "subtweet", "25029": "jmu", "25030": "jmo", "25031": "yesung", "25032": "pursue", "25033": "arnaud", "25034": "rulings", "25035": "teman", "25036": "imperialism", "25037": "grimey", "25038": "otakon", "25039": "exhale", "25040": "rework", "25041": "revenues", "25042": "example", "25043": "grimes", "25044": "jindal", "25045": "protestants", "25046": "refollowu2", "25047": "moonrise", "25048": "calender", "25049": "muahaha", "25050": "suffocated", "25051": "currency", "25052": "ulzzang", "25053": "caution", "25054": "hardens", "25055": "counseling", "25056": "cakey", "25057": "groaned", "25058": "gremlins", "25059": "cyph", "25060": "feature", "25061": "comedians", "25062": "muthafuckin", "25063": "clubbing", "25064": "salmond", "25065": "dignified", "25066": "grandad", "25067": "mufasa", "25068": "typed", "25069": "stainless", "25070": "slenderman", "25071": "yourwelcome", "25072": "italy", "25073": "unselfish", "25074": "nonprofit", "25075": "types", "25076": "sioux", "25077": "fictional", "25078": "cigarettes", "25079": "tweethearts", "25080": "timers", "25081": "delt", "25082": "aeroplane", "25083": "jordy", "25084": "enquiring", "25085": "jordi", "25086": "owens", "25087": "rigjt", "25088": "✒", "25089": "californians", "25090": "unforeseen", "25091": "xm", "25092": "pritchard", "25093": "survivors", "25094": "4eva", "25095": "easier", "25096": "hawthorn", "25097": "nopeee", "25098": "thrones", "25099": "slate", "25100": "indecent", "25101": "velcro", "25102": "schools", "25103": "demean", "25104": "︎", "25105": "eisenhower", "25106": "competitiveness", "25107": "🏡", "25108": "yasmine", "25109": "sungjae", "25110": "ifttt", "25111": "lillian", "25112": "horton", "25113": "huggies", "25114": "basti", "25115": "f4f", "25116": "volcano", "25117": "payton", "25118": "commish", "25119": "series", "25120": "turnin", "25121": "15000", "25122": "kejri", "25123": "🐏", "25124": "satchel", "25125": "xxxxxxxxxxxxxxxx", "25126": "dubstep", "25127": "pshhhhh", "25128": "substantially", "25129": "duhhhhhh", "25130": "sdcc", "25131": "xp", "25132": "finishers", "25133": "rt", "25134": "ru", "25135": "rv", "25136": "rw", "25137": "rp", "25138": "roundabouts", "25139": "rr", "25140": "rs", "25141": "gatland", "25142": "recognising", "25143": "mayan", "25144": "rx", "25145": "ry", "25146": "rz", "25147": "rd", "25148": "re", "25149": "rf", "25150": "rg", "25151": "ra", "25152": "rb", "25153": "rc", "25154": "rl", "25155": "rm", "25156": "rn", "25157": "ro", "25158": "rh", "25159": "ri", "25160": "rj", "25161": "rk", "25162": "foundation", "25163": "telt", "25164": "clarence", "25165": "jedward", "25166": "dracula", "25167": "succession", "25168": "threatened", "25169": "ruki", "25170": "crowned", "25171": "strawman", "25172": "lesbo", "25173": "rspca", "25174": "r4", "25175": "r5", "25176": "enormous", "25177": "shipper", "25178": "exposing", "25179": "r2", "25180": "whinging", "25181": "lucina", "25182": "diabetic", "25183": "r8", "25184": "mcqueen", "25185": "silicon", "25186": "shipped", "25187": "speedy", "25188": "tempting", "25189": "1970s", "25190": "reserving", "25191": "repealed", "25192": "speeds", "25193": "clarita", "25194": "hearsay", "25195": "elmo", "25196": "dailies", "25197": "wybo", "25198": "yhhhh", "25199": "channels", "25200": "langston", "25201": "clarity", "25202": "carson", "25203": "basketball", "25204": "yeyeye", "25205": "", "25206": "youse", "25207": "lawsuits", "25208": "reallllllly", "25209": "weakkk", "25210": "hypothetical", "25211": "girlll", "25212": "lunges", "25213": "pimms", "25214": "nirvana", "25215": "rectified", "25216": "clannad", "25217": "channel4", "25218": "wod", "25219": "crawl", "25220": "carrick", "25221": "plushie", "25222": "trek", "25223": "trel", "25224": "showed", "25225": "hyenas", "25226": "hibachi", "25227": "tree", "25228": "rusty", "25229": "shower", "25230": "percentages", "25231": "skimmed", "25232": "tres", "25233": "meowth", "25234": "trev", "25235": "etihad", "25236": "forfeited", "25237": "willingness", "25238": "runner", "25239": "shyly", "25240": "brainy", "25241": "hentai", "25242": "otps", "25243": "gators", "25244": "ugghh", "25245": "tikka", "25246": "mehhhh", "25247": "🖤", "25248": "bleachers", "25249": "rudolph", "25250": "gripe", "25251": "fashooo", "25252": "recommended", "25253": "howa", "25254": "amusing", "25255": "doors", "25256": "sores", "25257": "grips", "25258": "pederson", "25259": "menudo", "25260": "aggravate", "25261": "moobs", "25262": "welly", "25263": "thrilled", "25264": "wells", "25265": "welll", "25266": "addict", "25267": "entry", "25268": "thriller", "25269": "kenma", "25270": "dummy", "25271": "blabbering", "25272": "snooping", "25273": "thrusted", "25274": "cams", "25275": "camp", "25276": "rotary", "25277": "memberships", "25278": "cami", "25279": "alrightttt", "25280": "camo", "25281": "temperamental", "25282": "detriment", "25283": "mating", "25284": "saiyans", "25285": "came", "25286": "incorporate", "25287": "squarespace", "25288": "insects", "25289": "chrisbrown", "25290": "meetings", "25291": "wishy", "25292": "forsure", "25293": "reschedule", "25294": "somerhalder", "25295": "ff15", "25296": "participate", "25297": "lethal", "25298": "‘", "25299": "devlin", "25300": "junkyard", "25301": "lessons", "25302": "hyoyeon", "25303": "layout", "25304": "headline", "25305": "underpants", "25306": "supersport", "25307": "pnd", "25308": "cougar", "25309": "ayyye", "25310": "wallabies", "25311": "luvvv", "25312": "hardpoint", "25313": "greenwood", "25314": "incredibles", "25315": "notably", "25316": "symone", "25317": "champaign", "25318": "honda", "25319": "🙌", "25320": "psychiatric", "25321": "foremost", "25322": "pocket", "25323": "arghhh", "25324": "burch", "25325": "vaccinations", "25326": "relish", "25327": "societies", "25328": "vicariously", "25329": "autistic", "25330": "bloodstream", "25331": "dipping", "25332": "♬", "25333": "stunningly", "25334": "🕶", "25335": "isreal", "25336": "saul", "25337": "peripheral", "25338": "rupaul", "25339": "generalisation", "25340": "recruit", "25341": "pads", "25342": "misjudged", "25343": "radius", "25344": "cloning", "25345": "ayyyyyy", "25346": "resigned", "25347": "avert", "25348": "💠", "25349": "pressured", "25350": "sombrero", "25351": "shittier", "25352": "rings", "25353": "ringo", "25354": "pressures", "25355": "keisha", "25356": "lebowski", "25357": "yogurt", "25358": "excision", "25359": "cubby", "25360": "glasgow", "25361": "skimpy", "25362": "debo", "25363": "oomf", "25364": "nationwide", "25365": "smelled", "25366": "stepmom", "25367": "souvenir", "25368": "tyrion", "25369": "hammersmith", "25370": "debt", "25371": "debs", "25372": "planner", "25373": "urghhhh", "25374": "disdain", "25375": "chirped", "25376": "country", "25377": "edgar", "25378": "candlestick", "25379": "logie", "25380": "chassis", "25381": "planned", "25382": "altidore", "25383": "logic", "25384": "wipeout", "25385": "login", "25386": "argue", "25387": "flavio", "25388": "waaat", "25389": "miscommunication", "25390": "ayeee", "25391": "waaay", "25392": "muncher", "25393": "ayyyyye", "25394": "gleaming", "25395": "waaaa", "25396": "pregnancy", "25397": "munched", "25398": "grazing", "25399": "waaah", "25400": "imacelebrity", "25401": "hadith", "25402": "shriek", "25403": "subside", "25404": "advert", "25405": "stadium", "25406": "privilege", "25407": "superhuman", "25408": "pancreas", "25409": "kites", "25410": "dots", "25411": "excitedd", "25412": "recomend", "25413": "zico", "25414": "worker", "25415": "dota", "25416": "culling", "25417": "worked", "25418": "haters", "25419": "dotn", "25420": "gritty", "25421": "contemplated", "25422": "scowled", "25423": "betas", "25424": "viii", "25425": "madddd", "25426": "bin", "25427": "congratulation", "25428": "cornish", "25429": "kairi", "25430": "cersei", "25431": "taunts", "25432": "🤓", "25433": "gaylord", "25434": "upscale", "25435": "anticipating", "25436": "keegan", "25437": "violin", "25438": "smoothest", "25439": "damaged", "25440": "severity", "25441": "onnie", "25442": "doofus", "25443": "damages", "25444": "storify", "25445": "paedo", "25446": "elliott", "25447": "electro", "25448": "european", "25449": "voyager", "25450": "🥊", "25451": "pontiac", "25452": "10yr", "25453": "bib", "25454": "zoya", "25455": "photographers", "25456": "anil", "25457": "symmetrical", "25458": "prosecuting", "25459": "haggard", "25460": "bidness", "25461": "lucas", "25462": "acoustics", "25463": "imysm", "25464": "raindrops", "25465": "backhanded", "25466": "boyhood", "25467": "booyah", "25468": "capitol", "25469": "sleeps", "25470": "ucas", "25471": "sleepy", "25472": "cumbria", "25473": "birmingham", "25474": "sheena", "25475": "subdued", "25476": "somerville", "25477": "proofing", "25478": "previous", "25479": "handshake", "25480": "spectacles", "25481": "classification", "25482": "bnp", "25483": "coverup", "25484": "disparity", "25485": "obedient", "25486": "yuuki", "25487": "innocent", "25488": "enchilada", "25489": "bnb", "25490": "doeee", "25491": "elevation", "25492": "quirk", "25493": "lovren", "25494": "jenelle", "25495": "lmmfao", "25496": "scoreline", "25497": "lynne", "25498": "desire", "25499": "psychological", "25500": "rewatching", "25501": "unfollowers", "25502": "awnser", "25503": "howlin", "25504": "kzoo", "25505": "sebastian", "25506": "preorders", "25507": "creek", "25508": "creed", "25509": "santiago", "25510": "consultants", "25511": "damnnnnnnn", "25512": "9p", "25513": "mommys", "25514": "harassment", "25515": "fuuuuck", "25516": "vato", "25517": "creep", "25518": "enemies", "25519": "polluted", "25520": "contributing", "25521": "heyyyyyyyy", "25522": "disheartened", "25523": "exposition", "25524": "scarier", "25525": "🌹", "25526": "theological", "25527": "palatable", "25528": "shaker", "25529": "shakes", "25530": "substitutes", "25531": "shakey", "25532": "stefan", "25533": "substituted", "25534": "yoke", "25535": "defensive", "25536": "poppies", "25537": "losing", "25538": "memorable", "25539": "liye", "25540": "terminated", "25541": "shaken", "25542": "liya", "25543": "filipino", "25544": "dyin", "25545": "entrants", "25546": "sshh", "25547": "pokken", "25548": "corrine", "25549": "jiyeon", "25550": "soa", "25551": "raised", "25552": "sob", "25553": "sod", "25554": "sog", "25555": "facility", "25556": "soi", "25557": "soh", "25558": "mwahahahaha", "25559": "som", "25560": "sol", "25561": "soo", "25562": "son", "25563": "thankful", "25564": "sos", "25565": "sor", "25566": "magazines", "25567": "raises", "25568": "sow", "25569": "wrap", "25570": "sox", "25571": "soz", "25572": "labrador", "25573": "czar", "25574": "waitt", "25575": "polaris", "25576": "waits", "25577": "support", "25578": "constantly", "25579": "nova", "25580": "sniffled", "25581": "waite", "25582": "authorized", "25583": "sniffles", "25584": "bloomington", "25585": "waitn", "25586": "launching", "25587": "chinchilla", "25588": "knkw", "25589": "σ", "25590": "journo", "25591": "diggity", "25592": "chaturbate", "25593": "abundantly", "25594": "seguin", "25595": "bach", "25596": "beech", "25597": "shisha", "25598": "24hr", "25599": "otter", "25600": "handily", "25601": "kohls", "25602": "bobcats", "25603": "inside", "25604": "devices", "25605": "paprika", "25606": "kohli", "25607": "résumé", "25608": "151", "25609": "150", "25610": "153", "25611": "hurley", "25612": "155", "25613": "154", "25614": "157", "25615": "156", "25616": "159", "25617": "steady", "25618": "wetness", "25619": "textbook", "25620": "klinsmann", "25621": "roseville", "25622": "sprouts", "25623": "khl", "25624": "negotiations", "25625": "stolidity", "25626": "lees", "25627": "oii", "25628": "3gs", "25629": "benefiting", "25630": "jenkins", "25631": "googly", "25632": "leek", "25633": "iknw", "25634": "reggae", "25635": "15s", "25636": "lollipops", "25637": "pronounced", "25638": "models", "25639": "geezer", "25640": "enya", "25641": "sunroof", "25642": "taurus", "25643": "eminent", "25644": "scale", "25645": "miranda", "25646": "snooze", "25647": "cleaver", "25648": "15k", "25649": "15m", "25650": "holo", "25651": "obito", "25652": "domingo", "25653": "highness", "25654": "customerservice", "25655": "98", "25656": "scala", "25657": "beamed", "25658": "pet", "25659": "holl", "25660": "babyyy", "25661": "beamer", "25662": "cleanliness", "25663": "ikk", "25664": "twentyonepilots", "25665": "stoppppppp", "25666": "hangovers", "25667": "hurl", "25668": "activated", "25669": "sehwag", "25670": "naoto", "25671": "theaters", "25672": "skate", "25673": "duhhhhh", "25674": "pshhhh", "25675": "malaysians", "25676": "skiing", "25677": "chests", "25678": "muppet", "25679": "93", "25680": "92", "25681": "rooneys", "25682": "redick", "25683": "ouran", "25684": "saan", "25685": "caldwell", "25686": "obsessively", "25687": "pen", "25688": "suzumiya", "25689": "diddnt", "25690": "bicycles", "25691": "̲", "25692": "burlington", "25693": "hola", "25694": "okok", "25695": "followin", "25696": "addon", "25697": "🚿", "25698": "pei", "25699": "persevere", "25700": "woodley", "25701": "icing", "25702": "doke", "25703": "doki", "25704": "wharton", "25705": "ac360", "25706": "ghostadventures", "25707": "lrt", "25708": "openrp", "25709": "rucker", "25710": "fretting", "25711": "judaism", "25712": "jaylon", "25713": "knockin", "25714": "anypony", "25715": "curd", "25716": "pea", "25717": "leave", "25718": "sleepyhead", "25719": "settle", "25720": "aviators", "25721": "mybe", "25722": "loads", "25723": "pec", "25724": "uncomfy", "25725": "wastin", "25726": "cryyy", "25727": "redzone", "25728": "wannabes", "25729": "spiritual", "25730": "sige", "25731": "occurrence", "25732": "bock", "25733": "collage", "25734": "sigh", "25735": "boca", "25736": "️", "25737": "sign", "25738": "sigs", "25739": "anaconda", "25740": "grandnational", "25741": "hapoy", "25742": "threesomes", "25743": "jeopardy", "25744": "melt", "25745": "°", "25746": "meli", "25747": "melo", "25748": "mell", "25749": "melb", "25750": "mela", "25751": "junk", "25752": "jury", "25753": "costumer", "25754": "burnett", "25755": "lange", "25756": "understanding", "25757": "heeeeeeeey", "25758": "juri", "25759": "hereeee", "25760": "terrence", "25761": "passengers", "25762": "redemption", "25763": "brilliant", "25764": "naaaaaah", "25765": "funded", "25766": "ineffective", "25767": "myers", "25768": "🚺", "25769": "pepto", "25770": "boykin", "25771": "tasks", "25772": "griffiths", "25773": "canio", "25774": "logical", "25775": "crona", "25776": "raking", "25777": "logically", "25778": "fake", "25779": "foodie", "25780": "bookmarks", "25781": "flagging", "25782": "eyyyyy", "25783": "", "25784": "ㅎㅎㅎ", "25785": "crammed", "25786": "henri", "25787": "lenox", "25788": "amazeballs", "25789": "wicker", "25790": "angry", "25791": "papas", "25792": "wicket", "25793": "bender", "25794": "scope", "25795": "espanol", "25796": "theoretical", "25797": "prosecutor", "25798": "wicked", "25799": "scratched", "25800": "jeezus", "25801": "claus", "25802": "dystopia", "25803": "everywhere", "25804": "virtue", "25805": "scratcher", "25806": "scratches", "25807": "charlton", "25808": "claud", "25809": "mascot", "25810": "postgame", "25811": "greattt", "25812": "pretend", "25813": "inflamed", "25814": "orphanblack", "25815": "flannels", "25816": "phoebe", "25817": "stature", "25818": "orite", "25819": "detached", "25820": "interstate", "25821": "gunfire", "25822": "popup", "25823": "uglass", "25824": "awesome", "25825": "vauxhall", "25826": "】", "25827": "🔓", "25828": "238", "25829": "239", "25830": "unveiled", "25831": "allowed", "25832": "234", "25833": "235", "25834": "236", "25835": "237", "25836": "stole", "25837": "231", "25838": "232", "25839": "233", "25840": "s9", "25841": "s8", "25842": "monitoring", "25843": "scoots", "25844": "s3", "25845": "s2", "25846": "s1", "25847": "s7", "25848": "s6", "25849": "s5", "25850": "s4", "25851": "swami", "25852": "hepburn", "25853": "vancouver", "25854": "cannon", "25855": "optimal", "25856": "senpai", "25857": "pediatrician", "25858": "edinburgh", "25859": "lido", "25860": "landmark", "25861": "provincial", "25862": "watfordfc", "25863": "doneeeee", "25864": "stroppy", "25865": "shiki", "25866": "improving", "25867": "wikileaks", "25868": "revealed", "25869": "lids", "25870": "sz", "25871": "sy", "25872": "golfers", "25873": "natural", "25874": "🍧", "25875": "pandits", "25876": "ss", "25877": "sr", "25878": "sq", "25879": "sp", "25880": "sw", "25881": "sv", "25882": "su", "25883": "st", "25884": "sk", "25885": "sj", "25886": "si", "25887": "sh", "25888": "so", "25889": "sn", "25890": "sm", "25891": "sl", "25892": "sc", "25893": "sb", "25894": "sa", "25895": "misplaced", "25896": "sg", "25897": "sf", "25898": "se", "25899": "sd", "25900": "drunken", "25901": "tomlin", "25902": "mercenaries", "25903": "eastbay", "25904": "flips", "25905": "fullmetal", "25906": "decals", "25907": "experiments", "25908": "leaguers", "25909": "razors", "25910": "hoi", "25911": "drunker", "25912": "lovelies", "25913": "tendency", "25914": "tore", "25915": "ermmm", "25916": "djs", "25917": "overhaul", "25918": "djt", "25919": "internationally", "25920": "avin", "25921": "toro", "25922": "🔪", "25923": "tori", "25924": "louisville", "25925": "avii", "25926": "aviv", "25927": "suspicion", "25928": "avis", "25929": "constitutes", "25930": "swastika", "25931": "tory", "25932": "causation", "25933": "limbo", "25934": "renaming", "25935": "thereby", "25936": "surry", "25937": "nation", "25938": "amulet", "25939": "👔", "25940": "pretense", "25941": "scorsese", "25942": "reckoning", "25943": "ahaha", "25944": "folsom", "25945": "shouted", "25946": "roasts", "25947": "roleplayer", "25948": "establishing", "25949": "228", "25950": "reappears", "25951": "amnesty", "25952": "stalling", "25953": "square", "25954": "ukclaim_here", "25955": "stephy", "25956": "crushing", "25957": "unfolds", "25958": "poopie", "25959": "owing", "25960": "kray", "25961": "beetle", "25962": "braai", "25963": "cumberbatch", "25964": "neighbourhood", "25965": "rioters", "25966": "arraseo", "25967": "imogen", "25968": "🚨", "25969": "nucuousbrute", "25970": "squared", "25971": "coby", "25972": "abide", "25973": "", "25974": "investigation", "25975": "cobb", "25976": "squares", "25977": "unifying", "25978": "needin", "25979": "ff14", "25980": "tauriel", "25981": "bookie", "25982": "siege", "25983": "⛈", "25984": "1130", "25985": "disrespect", "25986": "bumps", "25987": "mime", "25988": "mimi", "25989": "poems", "25990": "racked", "25991": "scarred", "25992": "cisse", "25993": "patronage", "25994": "pimps", "25995": "confidentiality", "25996": "recon", "25997": "snell", "25998": "wanderers", "25999": "footwear", "26000": "dalai", "26001": "yhis", "26002": "hashbrown", "26003": "2get", "26004": "open", "26005": "ripping", "26006": "city", "26007": "boulevard", "26008": "uriel", "26009": "wrath", "26010": "222", "26011": "bith", "26012": "utica", "26013": "bite", "26014": "urie", "26015": "fmr", "26016": "ukr", "26017": "citi", "26018": "fml", "26019": "shiver", "26020": "stuffed", "26021": "definitly", "26022": "uke", "26023": "bitt", "26024": "bits", "26025": "cite", "26026": "fma", "26027": "slashes", "26028": "slasher", "26029": "whatss", "26030": "antis", "26031": "southbound", "26032": "🍐", "26033": "intersectional", "26034": "slashed", "26035": "assssss", "26036": "fooled", "26037": "jasmines", "26038": "impractical", "26039": "besh", "26040": "elected", "26041": "depressed", "26042": "favors", "26043": "folly", "26044": "smirks", "26045": "doctored", "26046": "trekking", "26047": "sickkkk", "26048": "counselor", "26049": "russia", "26050": "depresses", "26051": "addressing", "26052": "☉", "26053": "worthitvma", "26054": "greyhound", "26055": "argument", "26056": "alley", "26057": "zuma", "26058": "spender", "26059": "buried", "26060": "horsepower", "26061": "allen", "26062": "dismissive", "26063": "gshit", "26064": "babysit", "26065": "downwards", "26066": "instructed", "26067": "masse", "26068": "omfg", "26069": "evoke", "26070": "massa", "26071": "itzel", "26072": "winn", "26073": "coincide", "26074": "blinding", "26075": "nish", "26076": "ironically", "26077": "syllable", "26078": "compress", "26079": "palette", "26080": "crochet", "26081": "inserted", "26082": "winters", "26083": "authorised", "26084": "lawl", "26085": "lawn", "26086": "daughtry", "26087": "lawd", "26088": "average", "26089": "drive", "26090": "squint", "26091": "toole", "26092": "liquidity", "26093": "laws", "26094": "murmurs", "26095": "lotus", "26096": "thurr", "26097": "ヘ", "26098": "merit", "26099": "peaches", "26100": "bright", "26101": "surgically", "26102": "scarce", "26103": "huhhhh", "26104": "calamari", "26105": "babbles", "26106": "migrating", "26107": "yixing", "26108": "punchy", "26109": "liberation", "26110": "sasaeng", "26111": "actin", "26112": "outrage", "26113": "staffer", "26114": "altercation", "26115": "lifeguard", "26116": "clank", "26117": "psychiatrist", "26118": "assistant", "26119": "freezing", "26120": "agnst", "26121": "recruiters", "26122": "import", "26123": "kellie", "26124": "clans", "26125": "biggie", "26126": "krishna", "26127": "resource", "26128": "🇩", "26129": "hinges", "26130": "saliva", "26131": "cusack", "26132": "awwwww", "26133": "worried", "26134": "awwwwh", "26135": "admins", "26136": "priest", "26137": "worries", "26138": "uncover", "26139": "buttler", "26140": "awwwwe", "26141": "snapback", "26142": "yuss", "26143": "isabel", "26144": "stateside", "26145": "anyways", "26146": "yush", "26147": "pisces", "26148": "aroused", "26149": "weibo", "26150": "mutton", "26151": "untapped", "26152": "sites", "26153": "daaaaaamn", "26154": "moldy", "26155": "outclassed", "26156": "yeps", "26157": "yepp", "26158": "outlier", "26159": "wuss", "26160": "checkered", "26161": "impregnated", "26162": "vertical", "26163": "logins", "26164": "farts", "26165": "screen", "26166": "karius", "26167": "ibra", "26168": "lemsip", "26169": "concentrate", "26170": "lollapalooza", "26171": "oust", "26172": "mans", "26173": "manu", "26174": "many", "26175": "manz", "26176": "fuckkkkkkk", "26177": "vonleh", "26178": "mana", "26179": "manc", "26180": "mane", "26181": "mang", "26182": "mani", "26183": "mann", "26184": "mano", "26185": "yearly", "26186": "bhutto", "26187": "aldershot", "26188": "shanahan", "26189": "3005", "26190": "3000", "26191": "marquette", "26192": "cokes", "26193": "considers", "26194": "panics", "26195": "caring", "26196": "nbcthevoice", "26197": "carina", "26198": "🐦", "26199": "brainwashing", "26200": "concede", "26201": "braving", "26202": "jaehyun", "26203": "lufc", "26204": "prototype", "26205": "reflex", "26206": "bullshittin", "26207": "hilarity", "26208": "zaxbys", "26209": "enable", "26210": "gist", "26211": "kareena", "26212": "aadmi", "26213": "300k", "26214": "kdramas", "26215": "turtleneck", "26216": "muchlove", "26217": "futsal", "26218": "calligraphy", "26219": "hahahahahahha", "26220": "polly", "26221": "queasy", "26222": "resides", "26223": "consultant", "26224": "tribal", "26225": "polls", "26226": "voldemort", "26227": "hayes", "26228": "kcon", "26229": "facepalms", "26230": "policies", "26231": "pollo", "26232": "endured", "26233": "alannah", "26234": "spotlight", "26235": "ive", "26236": "internets", "26237": "purse", "26238": "depeche", "26239": "pinky", "26240": "yids", "26241": "ivs", "26242": "spooked", "26243": "ivy", "26244": "binary", "26245": "missiles", "26246": "tmac", "26247": "zumiez", "26248": "chou", "26249": "perpetually", "26250": "everday", "26251": "fatima", "26252": "motioned", "26253": "homophobia", "26254": "homophobic", "26255": "mons", "26256": "sterling", "26257": "barbed", "26258": "boosted", "26259": "arden", "26260": "helpppp", "26261": "serenading", "26262": "bigbang", "26263": "barber", "26264": "anelka", "26265": "lyssa", "26266": "booster", "26267": "mohawk", "26268": "livestreams", "26269": "awesomeness", "26270": "phahaha", "26271": "volcanoes", "26272": "coursework", "26273": "whiteside", "26274": "customized", "26275": "clobber", "26276": "murked", "26277": "veal", "26278": "dizziness", "26279": "cicis", "26280": "crypt", "26281": "loosens", "26282": "fuvk", "26283": "ヾ", "26284": "draped", "26285": "cheltenham", "26286": "schwarber", "26287": "babyyyyyyy", "26288": "resp", "26289": "forevs", "26290": "rest", "26291": "aliyah", "26292": "babydoll", "26293": "betul", "26294": "robins", "26295": "foreva", "26296": "presumption", "26297": "cilantro", "26298": "fvk", "26299": "jarred", "26300": "contesting", "26301": "suppressed", "26302": "starving", "26303": "crusty", "26304": "around", "26305": "jeans", "26306": "dart", "26307": "dark", "26308": "dari", "26309": "snarl", "26310": "snark", "26311": "darn", "26312": "darl", "26313": "dara", "26314": "alredy", "26315": "dare", "26316": "intel", "26317": "dasom", "26318": "kenney", "26319": "stiletto", "26320": "laaaaa", "26321": "inexplicably", "26322": "readyy", "26323": "gimme", "26324": "rachael", "26325": "sellotape", "26326": "inter", "26327": "kennel", "26328": "🍾", "26329": "mulder", "26330": "fives", "26331": "fiver", "26332": "conditional", "26333": "pickled", "26334": "carm", "26335": "fived", "26336": "kole", "26337": "lobster", "26338": "lineker", "26339": "kolo", "26340": "pickles", "26341": "composers", "26342": "morecambe", "26343": "scholarships", "26344": "ly2", "26345": "haryana", "26346": "memories", "26347": "cannabis", "26348": "sucha", "26349": "kalamazoo", "26350": "dimples", "26351": "amino", "26352": "refer", "26353": "biased", "26354": "transformers", "26355": "zest", "26356": "vivian", "26357": "internship", "26358": "leno", "26359": "druid", "26360": "debug", "26361": "biases", "26362": "throwback", "26363": "punishments", "26364": "🕺", "26365": "hinata", "26366": "origins", "26367": "package", "26368": "worthit", "26369": "luigi", "26370": "paiseh", "26371": "addons", "26372": "slighty", "26373": "nightwing", "26374": "knifing", "26375": "chivalry", "26376": "headsets", "26377": "legged", "26378": "🚑", "26379": "speach", "26380": "cuffin", "26381": "makan", "26382": "homeless", "26383": "apologize", "26384": "portrayal", "26385": "leblanc", "26386": "dawned", "26387": "het", "26388": "hev", "26389": "hew", "26390": "sumtin", "26391": "her", "26392": "hes", "26393": "mdm", "26394": "hex", "26395": "hey", "26396": "hez", "26397": "hed", "26398": "hee", "26399": "hea", "26400": "heb", "26401": "hel", "26402": "hem", "26403": "hen", "26404": "heh", "26405": "hei", "26406": "hek", "26407": "survives", "26408": "distillery", "26409": "verbatim", "26410": "awwwwww", "26411": "faceass", "26412": "rainin", "26413": "beginners", "26414": "maldives", "26415": "survived", "26416": "unreliable", "26417": "housewives", "26418": "handsome", "26419": "october", "26420": "rescuing", "26421": "varun", "26422": "xxxxxxx", "26423": "jamaican", "26424": "treasured", "26425": "awwhhh", "26426": "whiz", "26427": "diagrams", "26428": "rube", "26429": "huskers", "26430": "blinks", "26431": "citizenship", "26432": "johnny", "26433": "migrate", "26434": "frye", "26435": "straightens", "26436": "catchup", "26437": "croke", "26438": "vidic", "26439": "midwife", "26440": "mds", "26441": "pedestal", "26442": "admiring", "26443": "frys", "26444": "vore", "26445": "angelica", "26446": "drafts", "26447": "nutcracker", "26448": "tight", "26449": "regionals", "26450": "yummmm", "26451": "phenom", "26452": "incomprehensible", "26453": "🐽", "26454": "fours", "26455": "aero", "26456": "chichester", "26457": "terri", "26458": "terre", "26459": "miriam", "26460": "terra", "26461": "wooooooooo", "26462": "neff", "26463": "napier", "26464": "terry", "26465": "unanimous", "26466": "blazin", "26467": "resell", "26468": "thebachelorette", "26469": "mase", "26470": "masa", "26471": "waived", "26472": "sobbing", "26473": "keanu", "26474": "mask", "26475": "clowning", "26476": "mash", "26477": "raphael", "26478": "mast", "26479": "mass", "26480": "adam", "26481": "adan", "26482": "behavioral", "26483": "keane", "26484": "dst", "26485": "waiver", "26486": "brobro", "26487": "mny", "26488": "waive", "26489": "whoosh", "26490": "crept", "26491": "whst", "26492": "nicca", "26493": "mnl", "26494": "welfare", "26495": "dogged", "26496": "mnf", "26497": "evicted", "26498": "smo", "26499": "tz", "26500": "tinsel", "26501": "vikings", "26502": "ty", "26503": "tv", "26504": "tw", "26505": "tt", "26506": "tu", "26507": "tr", "26508": "ts", "26509": "tp", "26510": "tq", "26511": "tn", "26512": "to", "26513": "tail", "26514": "tm", "26515": "tj", "26516": "tk", "26517": "th", "26518": "ti", "26519": "tf", "26520": "tg", "26521": "td", "26522": "te", "26523": "tb", "26524": "tc", "26525": "ta", "26526": "trigga", "26527": "appointment", "26528": "returned", "26529": "detention", "26530": "documentaries", "26531": "blockade", "26532": "prehistoric", "26533": "diary", "26534": "rotfl", "26535": "elena", "26536": "showings", "26537": "fuckkkk", "26538": "psvita", "26539": "17th", "26540": "cable", "26541": "pbr", "26542": "smc", "26543": "heist", "26544": "t5", "26545": "t2", "26546": "joined", "26547": "t0", "26548": "t1", "26549": "large", "26550": "pesky", "26551": "pba", "26552": "harry", "26553": "pbl", "26554": "dodges", "26555": "dodger", "26556": "sumwhere", "26557": "maggie", "26558": "ermahgerd", "26559": "samoa", "26560": "sophs", "26561": "discriminated", "26562": "confound", "26563": "honourable", "26564": "hormonal", "26565": "nageki", "26566": "lyles", "26567": "xox", "26568": "sungjong", "26569": "tanya", "26570": "scientists", "26571": "looooooool", "26572": "fuckable", "26573": "escaping", "26574": "sentient", "26575": "nobs", "26576": "empower", "26577": "lobbyist", "26578": "25pm", "26579": "aaargh", "26580": "edsa", "26581": "palin", "26582": "breached", "26583": "legend", "26584": "xcx", "26585": "ryuko", "26586": "checkouts", "26587": "tomoro", "26588": "weirded", "26589": "4real", "26590": "sx", "26591": "emulator", "26592": "schumacher", "26593": "murdering", "26594": "weirder", "26595": "rummaging", "26596": "kayle", "26597": "goss", "26598": "milked", "26599": "sherbet", "26600": "grubbing", "26601": "gose", "26602": "pulls", "26603": "gosh", "26604": "casket", "26605": "britannia", "26606": "ownself", "26607": "pears", "26608": "pearl", "26609": "sitter", "26610": "gorgeous", "26611": "stretchy", "26612": "inflatable", "26613": "ballad", "26614": "guesss", "26615": "batsman", "26616": "haffi", "26617": "quarterly", "26618": "swfc", "26619": "mcintyre", "26620": "foundations", "26621": "jadine", "26622": "internment", "26623": "kenyon", "26624": "sizing", "26625": "fleece", "26626": "lilly", "26627": "watchu", "26628": "ata", "26629": "swimwear", "26630": "dhawan", "26631": "watchn", "26632": "morgan", "26633": "brigade", "26634": "watcha", "26635": "kyrgios", "26636": "eardrums", "26637": "scam", "26638": "scan", "26639": "reincarnation", "26640": "ehat", "26641": "scab", "26642": "suggestions", "26643": "ds3", "26644": "unbiased", "26645": "marginalized", "26646": "bays", "26647": "cherie", "26648": "scar", "26649": "scat", "26650": "atv", "26651": "luke_brooks", "26652": "xxxx", "26653": "boooy", "26654": "imminent", "26655": "otaku", "26656": "booom", "26657": "glowing", "26658": "boooo", "26659": "burgh", "26660": "waved", "26661": "seoul", "26662": "treatments", "26663": "🍗", "26664": "waves", "26665": "ethics", "26666": "authentic", "26667": "wavey", "26668": "abe", "26669": "refuse", "26670": "potions", "26671": "♥", "26672": "register", "26673": "brudda", "26674": "volleyball", "26675": "django", "26676": "ortho", "26677": "lunchable", "26678": "fundamental", "26679": "nvidia", "26680": "sonnnn", "26681": "depaul", "26682": "suckmyfins", "26683": "1300", "26684": "sunggyu", "26685": "leigh", "26686": "mademoiselle", "26687": "bris", "26688": "moussa", "26689": "akika", "26690": "mousse", "26691": "brit", "26692": "implausible", "26693": "brim", "26694": "knoooooow", "26695": "brib", "26696": "bria", "26697": "🔚", "26698": "brig", "26699": "insted", "26700": "brie", "26701": "astrology", "26702": "dieing", "26703": "∠", "26704": "wrd", "26705": "wre", "26706": "sensual", "26707": "termed", "26708": "caesars", "26709": "isd", "26710": "wrk", "26711": "dammm", "26712": "wrt", "26713": "wru", "26714": "laces", "26715": "nifty", "26716": "finks", "26717": "abh", "26718": "subtlety", "26719": "wrx", "26720": "lacey", "26721": "tentatively", "26722": "yeahhhhhhh", "26723": "shiiiiiit", "26724": "👄", "26725": "allllll", "26726": "sucker", "26727": "aircanada", "26728": "tinie", "26729": "wast", "26730": "choppa", "26731": "prashant", "26732": "speculate", "26733": "capaldi", "26734": "subtitles", "26735": "sucked", "26736": "nugget", "26737": "assemblies", "26738": "nauseous", "26739": "seinfeld", "26740": "found", "26741": "investigators", "26742": "wasent", "26743": "weeknd", "26744": "upstairs", "26745": "favorited", "26746": "osaka", "26747": "2hr", "26748": "reduce", "26749": "slowdown", "26750": "mackenzie", "26751": "jellies", "26752": "trannies", "26753": "doses", "26754": "🚘", "26755": "westerns", "26756": "niger", "26757": "shor", "26758": "blacks", "26759": "rajdeep", "26760": "blacky", "26761": "krispies", "26762": "babydaddy", "26763": "asgard", "26764": "beavis", "26765": "plotting", "26766": "salute", "26767": "acdc", "26768": "belief", "26769": "risen", "26770": "deactivating", "26771": "positional", "26772": "atms", "26773": "qualify", "26774": "mancs", "26775": "conditioning", "26776": "fatass", "26777": "clique", "26778": "riser", "26779": "rises", "26780": "sturridge", "26781": "naira", "26782": "togetha", "26783": "amped", "26784": "owners", "26785": "misogyny", "26786": "sytycd", "26787": "tribes", "26788": "hoppers", "26789": "sicker", "26790": "strongbow", "26791": "sicken", "26792": "belleville", "26793": "elective", "26794": "cyanide", "26795": "castle", "26796": "c2e2", "26797": "grossman", "26798": "rooted", "26799": "wilder", "26800": "belligerent", "26801": "unusable", "26802": "feeder", "26803": "celeb", "26804": "armitage", "26805": "spiritually", "26806": "anonymity", "26807": "touting", "26808": "glitter", "26809": "alligators", "26810": "jer", "26811": "jes", "26812": "guess", "26813": "tati", "26814": "leverage", "26815": "jet", "26816": "tate", "26817": "rakhi", "26818": "1080", "26819": "tata", "26820": "jeb", "26821": "contra", "26822": "taty", "26823": "jed", "26824": "jee", "26825": "tatt", "26826": "jen", "26827": "jel", "26828": "jem", "26829": "🍀", "26830": "giiiiirl", "26831": "warmly", "26832": "fastly", "26833": "mmmm", "26834": "tangy", "26835": "satirical", "26836": "mmmh", "26837": "endlessly", "26838": "shld", "26839": "snupe", "26840": "aaa", "26841": "kubiak", "26842": "aac", "26843": "aab", "26844": "aam", "26845": "aah", "26846": "aaj", "26847": "aau", "26848": "aaw", "26849": "aap", "26850": "aas", "26851": "bagpipes", "26852": "fishermen", "26853": "taxis", "26854": "ohmy", "26855": "weally", "26856": "honeyy", "26857": "undersized", "26858": "suffocating", "26859": "honeys", "26860": "canceling", "26861": "beforehand", "26862": "defect", "26863": "pedestrian", "26864": "antarctica", "26865": "caress", "26866": "tierney", "26867": "mubank", "26868": "loooong", "26869": "commotion", "26870": "reliance", "26871": "freakishly", "26872": "internal", "26873": "fawaz", "26874": "frail", "26875": "tipp", "26876": "knobs", "26877": "uplink", "26878": "sadtimes", "26879": "fraid", "26880": "kneecap", "26881": "wizarding", "26882": "yearbooks", "26883": "weeny", "26884": "hahhahahah", "26885": "darth", "26886": "realmadrid", "26887": "complementing", "26888": "darts", "26889": "accepting", "26890": "garrix", "26891": "estonian", "26892": "hamid", "26893": "falcons", "26894": "aviva", "26895": "hetalia", "26896": "dragged", "26897": "huggles", "26898": "itouch", "26899": "chowder", "26900": "golf", "26901": "gold", "26902": "cruises", "26903": "heavily", "26904": "xcode", "26905": "flirted", "26906": "vader", "26907": "fueling", "26908": "freight", "26909": "degraded", "26910": "growler", "26911": "cr7", "26912": "writes", "26913": "writer", "26914": "kade", "26915": "bamba", "26916": "l0l", "26917": "desiigner", "26918": "factor", "26919": "aby", "26920": "ordained", "26921": "harbaugh", "26922": "downpour", "26923": "quizzes", "26924": "banned", "26925": "walkabout", "26926": "baskin", "26927": "reporters", "26928": "banner", "26929": "selenas", "26930": "wetherspoons", "26931": "enemy", "26932": "progressive", "26933": "rft", "26934": "junmyeon", "26935": "cry", "26936": "rfc", "26937": "banking", "26938": "rfa", "26939": "🔒", "26940": "lmfaoooooo", "26941": "coors", "26942": "cri", "26943": "eunha", "26944": "uhmmmm", "26945": "crm", "26946": "bulky", "26947": "chasers", "26948": "emas", "26949": "jadi", "26950": "jade", "26951": "startup", "26952": "jada", "26953": "megatron", "26954": "toons", "26955": "backfire", "26956": "aberdeen", "26957": "contour", "26958": "eman", "26959": "iiight", "26960": "toto", "26961": "spirits", "26962": "seconded", "26963": "guinea", "26964": "demons", "26965": "pickup", "26966": "sundress", "26967": "monsters", "26968": "compliment", "26969": "suree", "26970": "knowing", "26971": "screeched", "26972": "balk", "26973": "cabrera", "26974": "targeted", "26975": "javascript", "26976": "incident", "26977": "death", "26978": "screeches", "26979": "aggie", "26980": "dividend", "26981": "cornetto", "26982": "baring", "26983": "legislature", "26984": "kaden", "26985": "unapologetic", "26986": "cryptic", "26987": "tangible", "26988": "baybee", "26989": "sino", "26990": "thou", "26991": "thot", "26992": "thow", "26993": "mkay", "26994": "thos", "26995": "thor", "26996": "thom", "26997": "thoo", "26998": "thon", "26999": "thoe", "27000": "shanks", "27001": "messiah", "27002": "probaly", "27003": "underperforming", "27004": "este", "27005": "sini", "27006": "allegiance", "27007": "dimensional", "27008": "unelectable", "27009": "frosty", "27010": "church", "27011": "tonto", "27012": "entail", "27013": "60fps", "27014": "sinb", "27015": "velveeta", "27016": "contentedly", "27017": "choclate", "27018": "₹", "27019": "widening", "27020": "resting", "27021": "raced", "27022": "champion", "27023": "dashed", "27024": "disputing", "27025": "racer", "27026": "races", "27027": "representative", "27028": "tornados", "27029": "deport", "27030": "forza", "27031": "packers", "27032": "truuuuu", "27033": "hostess", "27034": "geeked", "27035": "reliable", "27036": "muschamp", "27037": "mcclaren", "27038": "hilariously", "27039": "slurpees", "27040": "riiiiight", "27041": "truuuue", "27042": "duran", "27043": "reliably", "27044": "error", "27045": "capstone", "27046": "durag", "27047": "pokedex", "27048": "ami", "27049": "stanned", "27050": "reddy", "27051": "7hrs", "27052": "salvatore", "27053": "animator", "27054": "amm", "27055": "niiiice", "27056": "laundering", "27057": "bangers", "27058": "housemate", "27059": "doozy", "27060": "psl", "27061": "reeeeeally", "27062": "bangerz", "27063": "877", "27064": "874", "27065": "fallacies", "27066": "bethesda", "27067": "premonition", "27068": "forgiveness", "27069": "stung", "27070": "dooley", "27071": "amb", "27072": "knitting", "27073": "comprehensive", "27074": "upbringing", "27075": "alert", "27076": "medicaid", "27077": "rabid", "27078": "necessity", "27079": "whatre", "27080": "euro", "27081": "ssshhh", "27082": "grizz", "27083": "surrogate", "27084": "kelli", "27085": "shailene", "27086": "saaaaaame", "27087": "elem", "27088": "person", "27089": "kells", "27090": "feces", "27091": "normals", "27092": "kelly", "27093": "redistribution", "27094": "4hrs", "27095": "miliband", "27096": "tomorra", "27097": "maaaaaan", "27098": "cabins", "27099": "iota", "27100": "buchanan", "27101": "propper", "27102": "makayla", "27103": "lester", "27104": "abbreviation", "27105": "soooooooooooo", "27106": "ceebs", "27107": "using", "27108": "sidebar", "27109": "forrest", "27110": "psp", "27111": "meows", "27112": "☠", "27113": "conclusions", "27114": "recipient", "27115": "admission", "27116": "advertisements", "27117": "shellac", "27118": "aloha", "27119": "eager", "27120": "overthinking", "27121": "stuns", "27122": "sydney", "27123": "courtney", "27124": "tamagotchi", "27125": "harvesting", "27126": "tomar", "27127": "tomas", "27128": "australia", "27129": "format", "27130": "skateboards", "27131": "notte", "27132": "shitty", "27133": "suffering", "27134": "hitters", "27135": "private", "27136": "cuteness", "27137": "notts", "27138": "buyout", "27139": "shittt", "27140": "forman", "27141": "richie", "27142": "formal", "27143": "sorting", "27144": "d", "27145": "squandered", "27146": "okii", "27147": "🍮", "27148": "continue", "27149": "yields", "27150": "scape", "27151": "ivan", "27152": "followspree", "27153": "ovaa", "27154": "clipping", "27155": "partying", "27156": "senate", "27157": "spring", "27158": "pals", "27159": "mighta", "27160": "thread", "27161": "iwant", "27162": "palm", "27163": "pall", "27164": "palo", "27165": "pala", "27166": "curious", "27167": "sprint", "27168": "pale", "27169": "resets", "27170": "couscous", "27171": "invisalign", "27172": "furries", "27173": "multitask", "27174": "masculinity", "27175": "welling", "27176": "dating", "27177": "shooters", "27178": "goldenglobes", "27179": "reedus", "27180": "ipsy", "27181": "safaree", "27182": "redoing", "27183": "odor", "27184": "kunis", "27185": "odom", "27186": "caron", "27187": "ugandan", "27188": "relating", "27189": "punkin", "27190": "analysing", "27191": "searchin", "27192": "addams", "27193": "whiteboard", "27194": "unintentional", "27195": "affirmation", "27196": "cockblock", "27197": "forearms", "27198": "🚁", "27199": "clinton", "27200": "colorado", "27201": "kassie", "27202": "hometown", "27203": "awaited", "27204": "basel", "27205": "dango", "27206": "lebron", "27207": "unnerving", "27208": "poaching", "27209": "cinnabon", "27210": "kathleen", "27211": "exposed", "27212": "u2", "27213": "crackdown", "27214": "suit", "27215": "elsewhere", "27216": "inches", "27217": "graciously", "27218": "poster", "27219": "slump", "27220": "slums", "27221": "lampard", "27222": "chorley", "27223": "posted", "27224": "cic", "27225": "cia", "27226": "cig", "27227": "ux", "27228": "cie", "27229": "cid", "27230": "uu", "27231": "ut", "27232": "uw", "27233": "uv", "27234": "up", "27235": "us", "27236": "ur", "27237": "um", "27238": "ul", "27239": "uo", "27240": "un", "27241": "ui", "27242": "uh", "27243": "uk", "27244": "cit", "27245": "ue", "27246": "ud", "27247": "ug", "27248": "uf", "27249": "ua", "27250": "uc", "27251": "yelled", "27252": "storing", "27253": "guck", "27254": "detectors", "27255": "tyrese", "27256": "comming", "27257": "🏝", "27258": "killian", "27259": "graceful", "27260": "smidge", "27261": "thugs", "27262": "paradox", "27263": "fixing", "27264": "realest", "27265": "🐭", "27266": "fareal", "27267": "thugg", "27268": "retract", "27269": "peanutbutter", "27270": "sorcerer", "27271": "lucio", "27272": "scapegoat", "27273": "trouser", "27274": "goooooooo", "27275": "wnna", "27276": "lucid", "27277": "lucie", "27278": "prosecution", "27279": "goooooood", "27280": "lucia", "27281": "madoka", "27282": "battier", "27283": "wwfc", "27284": "hahaahaha", "27285": "leauge", "27286": "margs", "27287": "okayyyyy", "27288": "leaflets", "27289": "walcott", "27290": "stressin", "27291": "barkley", "27292": "holes", "27293": "huggle", "27294": "agesss", "27295": "「", "27296": "enrolled", "27297": "retardation", "27298": "fresh", "27299": "menace", "27300": "having", "27301": "cheetos", "27302": "melty", "27303": "melts", "27304": "scratch", "27305": "astronauts", "27306": "soften", "27307": "enjoyable", "27308": "bvb", "27309": "softer", "27310": "leadsom", "27311": "seemed", "27312": "saree", "27313": "gleek", "27314": "votetris", "27315": "ttip", "27316": "young", "27317": "uniqueness", "27318": "liess", "27319": "tremor", "27320": "stocked", "27321": "jiayou", "27322": "panting", "27323": "reopened", "27324": "twee", "27325": "planners", "27326": "nuttall", "27327": "mixing", "27328": "precinct", "27329": "isaiah", "27330": "punkass", "27331": "wipe", "27332": "squids", "27333": "tri", "27334": "northwestern", "27335": "eased", "27336": "magic", "27337": "evn", "27338": "evo", "27339": "transmission", "27340": "eva", "27341": "trb", "27342": "tre", "27343": "eve", "27344": "clacton", "27345": "anxious", "27346": "race", "27347": "trp", "27348": "evr", "27349": "evs", "27350": "tru", "27351": "rack", "27352": "rach", "27353": "🔄", "27354": "northumberland", "27355": "pledge", "27356": "owwww", "27357": "everythings", "27358": "rahane", "27359": "licensed", "27360": "imply", "27361": "hyde", "27362": "🎁", "27363": "licenses", "27364": "spaghetti", "27365": "pris", "27366": "graduating", "27367": "shaniqua", "27368": "directive", "27369": "morse", "27370": "morsi", "27371": "expressed", "27372": "boucher", "27373": "richmond", "27374": "consistently", "27375": "skylar", "27376": "celiac", "27377": "polluting", "27378": "indestructible", "27379": "expresses", "27380": "1400", "27381": "ahhhhh", "27382": "rizzle", "27383": "wtfffff", "27384": "jhope", "27385": "tsla", "27386": "punch", "27387": "baroness", "27388": "laddie", "27389": "louisa", "27390": "poverty", "27391": "licence", "27392": "invented", "27393": "crocker", "27394": "casing", "27395": "technical", "27396": "casino", "27397": "screech", "27398": "artic", "27399": "puk", "27400": "sies", "27401": "resulting", "27402": "cousins", "27403": "{", "27404": "holmes", "27405": "altho", "27406": "starship", "27407": "💉", "27408": "fractured", "27409": "sgt", "27410": "outcomes", "27411": "sienna", "27412": "sixty", "27413": "crosby", "27414": "sga", "27415": "whovians", "27416": "creddy", "27417": "sge", "27418": "causal", "27419": "chocolatey", "27420": "mutch", "27421": "exciting", "27422": "chocolates", "27423": "murky", "27424": "okaaaay", "27425": "luvin", "27426": "forefathers", "27427": "awesomee", "27428": "midday", "27429": "morehouse", "27430": "bobbing", "27431": "zimmer", "27432": "unplug", "27433": "foolishly", "27434": "soooooooo", "27435": "sooooooon", "27436": "rubbish", "27437": "precum", "27438": "bellator", "27439": "meng", "27440": "practicing", "27441": "anika", "27442": "sabs", "27443": "challenge", "27444": "sre", "27445": "prompto", "27446": "mommas", "27447": "prompts", "27448": "sabi", "27449": "publications", "27450": "lucario", "27451": "yandere", "27452": "deers", "27453": "womensmarch", "27454": "saba", "27455": "coffin", "27456": "sabe", "27457": "slid", "27458": "perfecting", "27459": "pawn", "27460": "pelvic", "27461": "slim", "27462": "chakra", "27463": "slit", "27464": "starbs", "27465": "tantrums", "27466": "slip", "27467": "pelvis", "27468": "paws", "27469": "laird", "27470": "clogs", "27471": "mulan", "27472": "hongkong", "27473": "⚪", "27474": "mumbled", "27475": "anakin", "27476": "lunchbox", "27477": "delay", "27478": "shuffles", "27479": "😵", "27480": "reposting", "27481": "supervised", "27482": "mumbles", "27483": "pomona", "27484": "waaayyy", "27485": "btfu", "27486": "hawt", "27487": "srt", "27488": "shiiit", "27489": "waitlist", "27490": "fite", "27491": "dominos", "27492": "fitz", "27493": "shiiid", "27494": "seaworld", "27495": "fits", "27496": "reggie", "27497": "cabbage", "27498": "hawk", "27499": "shldnt", "27500": "solidarity", "27501": "afi", "27502": "tomato", "27503": "tejada", "27504": "minecon", "27505": "counter", "27506": "reminders", "27507": "element", "27508": "commodities", "27509": "🇰", "27510": "writ", "27511": "classy", "27512": "brrrr", "27513": "counted", "27514": "clarissa", "27515": "hunnie", "27516": "antelope", "27517": "bitty", "27518": "move", "27519": "mova", "27520": "hunnit", "27521": "dming", "27522": "swain", "27523": "artichoke", "27524": "gonee", "27525": "warren", "27526": "sholl", "27527": "hardwell", "27528": "jacquees", "27529": "decay", "27530": "chosen", "27531": "dispose", "27532": "gcs", "27533": "woodson", "27534": "tyrone", "27535": "decal", "27536": "degrees", "27537": "2018", "27538": "jody", "27539": "2014", "27540": "2017", "27541": "2016", "27542": "2011", "27543": "2010", "27544": "2013", "27545": "2012", "27546": "cxx", "27547": "soooooooooooooo", "27548": "docs", "27549": "ingat", "27550": "ziva", "27551": "livingroom", "27552": "docu", "27553": "newman", "27554": "dock", "27555": "dougie", "27556": "rougher", "27557": "sandpaper", "27558": "legendary", "27559": "niglet", "27560": "pokeball", "27561": "rotation", "27562": "outlines", "27563": "presidential", "27564": "minimalist", "27565": "wrangler", "27566": "wallowing", "27567": "hollie", "27568": "bette", "27569": "queenie", "27570": "hollin", "27571": "betta", "27572": "sniffing", "27573": "hollis", "27574": "betty", "27575": "truth", "27576": "bettt", "27577": "bettr", "27578": "betts", "27579": "subset", "27580": "mets", "27581": "hathaway", "27582": "tents", "27583": "expectantly", "27584": "jagger", "27585": "meta", "27586": "siol", "27587": "irritation", "27588": "jagged", "27589": "viciously", "27590": "meth", "27591": "tenth", "27592": "wonna", "27593": "huck", "27594": "gayyyyy", "27595": "borderline", "27596": "dismissal", "27597": "superbly", "27598": "hilarious", "27599": "perving", "27600": "shitload", "27601": "yaaayyy", "27602": "stuttered", "27603": "muahahahaha", "27604": "baeeee", "27605": "yoseob", "27606": "graze", "27607": "frigging", "27608": "fishnets", "27609": "regulatory", "27610": "shortest", "27611": "frend", "27612": "lod", "27613": "napoli", "27614": "dubbed", "27615": "aweee", "27616": "hindus", "27617": "cunty", "27618": "serenity", "27619": "lok", "27620": "cunts", "27621": "thankssss", "27622": "lynchburg", "27623": "bleu", "27624": "staggered", "27625": "manuscript", "27626": "yells", "27627": "alsina", "27628": "muhammad", "27629": "hertz", "27630": "collages", "27631": "pokemongo", "27632": "yella", "27633": "😞", "27634": "deceptive", "27635": "fait", "27636": "system", "27637": "exhilarating", "27638": "lacing", "27639": "evacuated", "27640": "fouling", "27641": "gummy", "27642": "bendtner", "27643": "shorts", "27644": "mojitos", "27645": "essendon", "27646": "gotcha", "27647": "shorty", "27648": "depressing", "27649": "burlesque", "27650": "vouch", "27651": "drape", "27652": "unsubscribe", "27653": "moriarty", "27654": "momentary", "27655": "transitioning", "27656": "gotchu", "27657": "meanin", "27658": "roberta", "27659": "unamused", "27660": "warfare", "27661": "feely", "27662": "sufjan", "27663": "bother", "27664": "meanie", "27665": "roberto", "27666": "reacted", "27667": "roberts", "27668": "sourcing", "27669": "rollercoaster", "27670": "pdt", "27671": "starz", "27672": "devotion", "27673": "cleo", "27674": "collecting", "27675": "accusing", "27676": "zamora", "27677": "beggar", "27678": "fick", "27679": "trusting", "27680": "gently", "27681": "reassuring", "27682": "gentle", "27683": "defending", "27684": "intertwining", "27685": "ypur", "27686": "vaca", "27687": "pewdiepie", "27688": "2weeks", "27689": "babee", "27690": "lindy", "27691": "followback", "27692": "lila", "27693": "millz", "27694": "hungrily", "27695": "aweh", "27696": "4000", "27697": "skulls", "27698": "awee", "27699": "linds", "27700": "mills", "27701": "babeh", "27702": "hangover", "27703": "waffles", "27704": "babes", "27705": "lindo", "27706": "chibi", "27707": "linda", "27708": "korean", "27709": "lily", "27710": "sirius", "27711": "chipotletweets", "27712": "accuracy", "27713": "warily", "27714": "dceu", "27715": "fidel", "27716": "johnathan", "27717": "pitches", "27718": "courtesy", "27719": "segment", "27720": "fallback", "27721": "campaigners", "27722": "fack", "27723": "hypocrite", "27724": "lined", "27725": "juseyoo", "27726": "tramps", "27727": "myyyy", "27728": "face", "27729": "kdot", "27730": "400k", "27731": "400m", "27732": "mechanical", "27733": "painting", "27734": "fact", "27735": "mmmmmmmm", "27736": "oreos", "27737": "hoodies", "27738": "omelet", "27739": "dba", "27740": "wots", "27741": "sza", "27742": "disbanded", "27743": "bring", "27744": "woth", "27745": "dbz", "27746": "chainsaw", "27747": "brina", "27748": "dbq", "27749": "dbs", "27750": "economist", "27751": "brink", "27752": "decade", "27753": "principal", "27754": "redirect", "27755": "noir", "27756": "seokjin", "27757": "frenchy", "27758": "", "27759": "noiz", "27760": "should", "27761": "buttons", "27762": "sista", "27763": "wrking", "27764": "sylvia", "27765": "misssssss", "27766": "meant", "27767": "jacqueline", "27768": "lockin", "27769": "handle", "27770": "listened", "27771": "bonds", "27772": "muttering", "27773": "meany", "27774": "impeachment", "27775": "listener", "27776": "forgives", "27777": "skewl", "27778": "twinnies", "27779": "meann", "27780": "defenseless", "27781": "shaping", "27782": "gbf", "27783": "smash", "27784": "gbe", "27785": "katyperry", "27786": "freddo", "27787": "gba", "27788": "summon", "27789": "intermission", "27790": "gbu", "27791": "gbs", "27792": "allegation", "27793": "contradicting", "27794": "basking", "27795": "favoring", "27796": "coleen", "27797": "superstars", "27798": "😇", "27799": "ayi", "27800": "packer", "27801": "islamophobia", "27802": "packet", "27803": "csnt", "27804": "travis", "27805": "packed", "27806": "overrrr", "27807": "fooked", "27808": "fursuit", "27809": "wtw", "27810": "solicitors", "27811": "🔱", "27812": "taunting", "27813": "congratss", "27814": "nominees", "27815": "pistol", "27816": "disgruntled", "27817": "lf", "27818": "ends", "27819": "cristiano", "27820": "butty", "27821": "buttt", "27822": "🏊", "27823": "revived", "27824": "displeasure", "27825": "butts", "27826": "hogging", "27827": "strides", "27828": "finales", "27829": "teleporting", "27830": "👛", "27831": "configuration", "27832": "butta", "27833": "endo", "27834": "observable", "27835": "quitter", "27836": "invited", "27837": "wtb", "27838": "galore", "27839": "darryl", "27840": "newbies", "27841": "streams", "27842": "trumps", "27843": "smilin", "27844": "cinder", "27845": "invites", "27846": "aye", "27847": "auron", "27848": "impersonator", "27849": "wtg", "27850": "snowfall", "27851": "njoy", "27852": "ucf", "27853": "uce", "27854": "ucd", "27855": "ucc", "27856": "uca", "27857": "señor", "27858": "whispering", "27859": "sanger", "27860": "ucl", "27861": "uck", "27862": "jacquie", "27863": "uci", "27864": "uch", "27865": "resorting", "27866": "hawkins", "27867": "outsider", "27868": "©", "27869": "pedos", "27870": "rhode", "27871": "chalkboard", "27872": "hawking", "27873": "compensating", "27874": "lr", "27875": "utilizing", "27876": "louisiana", "27877": "jusst", "27878": "revives", "27879": "selina", "27880": "meningitis", "27881": "eduardo", "27882": "lga", "27883": "lge", "27884": "fsee", "27885": "mannequin", "27886": "ravens", "27887": "spain", "27888": "revine", "27889": "coals", "27890": "runway", "27891": "iis", "27892": "accumulator", "27893": "potterhead", "27894": "emosh", "27895": "frappe", "27896": "ultra", "27897": "ombre", "27898": "tings", "27899": "groin", "27900": "sith", "27901": "va", "27902": "vb", "27903": "vc", "27904": "vd", "27905": "ve", "27906": "bumhole", "27907": "vg", "27908": "vh", "27909": "vi", "27910": "vj", "27911": "sitc", "27912": "vl", "27913": "vm", "27914": "vn", "27915": "vo", "27916": "vp", "27917": "miesha", "27918": "vr", "27919": "vs", "27920": "vt", "27921": "sherlock", "27922": "vv", "27923": "vw", "27924": "vx", "27925": "lmaoooooooooo", "27926": "sits", "27927": "waivers", "27928": "situ", "27929": "battlestar", "27930": "descriptive", "27931": "slagging", "27932": "tupac", "27933": "juan", "27934": "35k", "27935": "juat", "27936": "matthew", "27937": "buffoon", "27938": "outbreak", "27939": "android", "27940": "infinity", "27941": "emotionally", "27942": "wows", "27943": "grafton", "27944": "drink", "27945": "tbqh", "27946": "coffe", "27947": "uppppppp", "27948": "v1", "27949": "v2", "27950": "v3", "27951": "infiniti", "27952": "v6", "27953": "infinite", "27954": "toshiba", "27955": "pleasantly", "27956": "lupus", "27957": "ombré", "27958": "355", "27959": "cutting", "27960": "natsu", "27961": "352", "27962": "350", "27963": "drawing", "27964": "sonata", "27965": "flesh", "27966": "whyyyyyy", "27967": "alryt", "27968": "rooms", "27969": "buggered", "27970": "unbuttoned", "27971": "roomy", "27972": "clipper", "27973": "bibliography", "27974": "spinned", "27975": "trample", "27976": "spinner", "27977": "clipped", "27978": "exempt", "27979": "▽", "27980": "vain", "27981": "nvr", "27982": "government", "27983": "checking", "27984": "the100", "27985": "monique", "27986": "sanaa", "27987": "cedar", "27988": "supervise", "27989": "hehehehe", "27990": "nvm", "27991": "password", "27992": "finnish", "27993": "larries", "27994": "chairs", "27995": "unprotected", "27996": "obscurity", "27997": "jiggling", "27998": "nerves", "27999": "vasquez", "28000": "inexperienced", "28001": "therapeutic", "28002": "amendment", "28003": "truuuuue", "28004": "vsu", "28005": "12pm", "28006": "950", "28007": "daylight", "28008": "truuuuuu", "28009": "phys", "28010": "comon", "28011": "danisnotonfire", "28012": "251", "28013": "diaries", "28014": "arlene", "28015": "bedding", "28016": "unretweet", "28017": "sketching", "28018": "fandoms", "28019": "woohoo", "28020": "okaaaaaay", "28021": "therapists", "28022": "breaky", "28023": "smarties", "28024": "ezio", "28025": "‿", "28026": "castrate", "28027": "blowing", "28028": "mcclain", "28029": "pppp", "28030": "drift", "28031": "mathers", "28032": "peppa", "28033": "singin", "28034": "naff", "28035": "homophobe", "28036": "identifies", "28037": "counties", "28038": "iris", "28039": "pregame", "28040": "slayed", "28041": "gaaaah", "28042": "whistled", "28043": "alreadyyy", "28044": "slayer", "28045": "jhene", "28046": "kro", "28047": "gaaaay", "28048": "irie", "28049": "whistler", "28050": "whistles", "28051": "clooney", "28052": "constraints", "28053": "software", "28054": "centrist", "28055": "urls", "28056": "kilmarnock", "28057": "screamer", "28058": "rectify", "28059": "pussy", "28060": "screamed", "28061": "queensland", "28062": "luna", "28063": "scones", "28064": "lung", "28065": "joyce", "28066": "yaaaaaay", "28067": "restarts", "28068": "poon", "28069": "yaaaaaas", "28070": "congradulations", "28071": "poptart", "28072": "🎳", "28073": "urwell", "28074": "mandem", "28075": "pool", "28076": "alaba", "28077": "yaaaaaaa", "28078": "kooks", "28079": "flynn", "28080": "beastiality", "28081": "complacency", "28082": "rockville", "28083": "shyness", "28084": "fecking", "28085": "lowered", "28086": "newtown", "28087": "convergence", "28088": "rectum", "28089": "apollo", "28090": "valuation", "28091": "outchea", "28092": "proverbs", "28093": "baptist", "28094": "2gether", "28095": "marquis", "28096": "campus", "28097": "ahahahha", "28098": "shiner", "28099": "triumphant", "28100": "convince", "28101": "leashes", "28102": "bbby", "28103": "gollum", "28104": "distribution", "28105": "baptism", "28106": "trafford", "28107": "yuki", "28108": "davon", "28109": "righhht", "28110": "irish", "28111": "jessy", "28112": "rightly", "28113": "int", "28114": "inu", "28115": "inv", "28116": "contribute", "28117": "rubble", "28118": "backside", "28119": "inr", "28120": "iverson", "28121": "sibling", "28122": "inn", "28123": "ino", "28124": "ini", "28125": "ink", "28126": "ind", "28127": "ine", "28128": "inf", "28129": "ing", "28130": "ina", "28131": "jesse", "28132": "diggy", "28133": "renowned", "28134": "sharin", "28135": "sharia", "28136": "trials", "28137": "photobook", "28138": "diggs", "28139": "youngblood", "28140": "scholarly", "28141": "sharif", "28142": "ayr", "28143": "arianna", "28144": "pitta", "28145": "reckless", "28146": "iove", "28147": "fondle", "28148": "frisbee", "28149": "blastoise", "28150": "prying", "28151": "in2", "28152": "meggy", "28153": "calum", "28154": "capers", "28155": "ibaka", "28156": "veil", "28157": "vein", "28158": "ghost", "28159": "ise", "28160": "gooooood", "28161": "muhfuckas", "28162": "mozart", "28163": "gooooooo", "28164": "mudiay", "28165": "lasted", "28166": "macchiato", "28167": "announcer", "28168": "470", "28169": "pandering", "28170": "tmc", "28171": "res", "28172": "defend", "28173": "unspeakable", "28174": "ticketed", "28175": "ciao", "28176": "dongwoo", "28177": "desirable", "28178": "blisters", "28179": "bizzare", "28180": "controversial", "28181": "mansion", "28182": "pedro", "28183": "monta", "28184": "rek", "28185": "spew", "28186": "tickle", "28187": "invaders", "28188": "bike", "28189": "daze", "28190": "regal", "28191": "biko", "28192": "sped", "28193": "diverted", "28194": "whack", "28195": "cwl", "28196": "bandra", "28197": "avril", "28198": "schweinsteiger", "28199": "yanking", "28200": "woaaaah", "28201": "jacob", "28202": "ehehehe", "28203": "waay", "28204": "tagging", "28205": "ukenyatta", "28206": "autocorrected", "28207": "squirtle", "28208": "unrest", "28209": "pinch", "28210": "nigger", "28211": "leith", "28212": "announced", "28213": "dammn", "28214": "triumph", "28215": "chew", "28216": "chet", "28217": "cher", "28218": "speck", "28219": "preached", "28220": "blasphemy", "28221": "horh", "28222": "bubbling", "28223": "chez", "28224": "chex", "28225": "horn", "28226": "chef", "28227": "preaches", "28228": "ched", "28229": "chee", "28230": "∗", "28231": "chea", "28232": "chen", "28233": "camming", "28234": "chel", "28235": "chem", "28236": "specs", "28237": "cheh", "28238": "decadence", "28239": "discus", "28240": "deliberate", "28241": "manee", "28242": "scumbag", "28243": "zoomed", "28244": "bharat", "28245": "6ft", "28246": "officially", "28247": "crunch", "28248": "neeson", "28249": "shutup", "28250": "festive", "28251": "kindred", "28252": "bangkok", "28253": "watchers", "28254": "daughter", "28255": "sweeet", "28256": "rekt", "28257": "frans", "28258": "items", "28259": "nigguhs", "28260": "dudeee", "28261": "picturing", "28262": "froyo", "28263": "browsing", "28264": "calculators", "28265": "anarchist", "28266": "kates", "28267": "envious", "28268": "biotech", "28269": "graders", "28270": "infield", "28271": "highly", "28272": "franz", "28273": "hindsight", "28274": "total", "28275": "rancho", "28276": "alligator", "28277": "bleee", "28278": "motivate", "28279": "negative", "28280": "lyme", "28281": "pamper", "28282": "1930s", "28283": "loooooong", "28284": "retaking", "28285": "🔸", "28286": "retriever", "28287": "loveyou", "28288": "jinri", "28289": "zeroes", "28290": "sociopath", "28291": "starburst", "28292": "bandaids", "28293": "infusion", "28294": "award", "28295": "aware", "28296": "3333333333", "28297": "nkt", "28298": "trojans", "28299": "ahmedabad", "28300": "boobies", "28301": "irvin", "28302": "kodi", "28303": "wagged", "28304": "littered", "28305": "theories", "28306": "snapchats", "28307": "transparency", "28308": "somthin", "28309": "looooong", "28310": "555", "28311": "nozzle", "28312": "micky", "28313": "550", "28314": "veggies", "28315": "validated", "28316": "tornadoes", "28317": "str8", "28318": "😥", "28319": "khushi", "28320": "farce", "28321": "jigga", "28322": "agony", "28323": "hitman", "28324": "rookie", "28325": "interview", "28326": "beach", "28327": "gamble", "28328": "pizza", "28329": "ctfuu", "28330": "fever", "28331": "ctfup", "28332": "coined", "28333": "after", "28334": "wrinkled", "28335": "hollister", "28336": "midlands", "28337": "adik", "28338": "adil", "28339": "hasty", "28340": "bwahahaha", "28341": "retort", "28342": "jihoon", "28343": "strt", "28344": "hasta", "28345": "haste", "28346": "south", "28347": "goodlookin", "28348": "👹", "28349": "riri", "28350": "∀", "28351": "salon", "28352": "infested", "28353": "defenders", "28354": "neta", "28355": "pressie", "28356": "plastics", "28357": "modesto", "28358": "onesies", "28359": "japan", "28360": "nets", "28361": "bombing", "28362": "appeasement", "28363": "venti", "28364": "highlights", "28365": "avocado", "28366": "awfulness", "28367": "sexily", "28368": "workable", "28369": "acupuncture", "28370": "vents", "28371": "carton", "28372": "violetta", "28373": "bitchiness", "28374": "versus", "28375": "bant", "28376": "woken", "28377": "bans", "28378": "andy_murray", "28379": "exhales", "28380": "cuties", "28381": "bane", "28382": "band", "28383": "bang", "28384": "baggage", "28385": "bana", "28386": "sasikala", "28387": "×", "28388": "mgmt", "28389": "payback", "28390": "cutiee", "28391": "bani", "28392": "bank", "28393": "heyyyy", "28394": "vidal", "28395": "rocky", "28396": "tampering", "28397": "slavery", "28398": "alexis", "28399": "rocks", "28400": "rocko", "28401": "profusely", "28402": "30minutes", "28403": "alleys", "28404": "nooooooooooo", "28405": "alexia", "28406": "crocs", "28407": "costello", "28408": "dpmo", "28409": "lifted", "28410": "schemes", "28411": "kneels", "28412": "logs", "28413": "voiceover", "28414": "mangled", "28415": "webber", "28416": "logo", "28417": "sprints", "28418": "whining", "28419": "julianne", "28420": "rted", "28421": "hooked", "28422": "syndergaard", "28423": "tanners", "28424": "remorse", "28425": "medicine", "28426": "hooker", "28427": "hogan", "28428": "hbcu", "28429": "veto", "28430": "gardiner", "28431": "standard", "28432": "campaigns", "28433": "vets", "28434": "thirties", "28435": "tranmere", "28436": "elegance", "28437": "throbbing", "28438": "mvp", "28439": "mvs", "28440": "created", "28441": "hahahahhahaha", "28442": "creates", "28443": "mvc", "28444": "whatta", "28445": "mvg", "28446": "regress", "28447": "uppers", "28448": "daunting", "28449": "squinted", "28450": "😎", "28451": "thicc", "28452": "establishments", "28453": "delicious", "28454": "thoughtfully", "28455": "thick", "28456": "ballin", "28457": "carlyle", "28458": "˚", "28459": "crunches", "28460": "swatting", "28461": "☮", "28462": "observations", "28463": "danville", "28464": "farming", "28465": "lunatics", "28466": "filibuster", "28467": "grandchildren", "28468": "belum", "28469": "happily", "28470": "albert", "28471": "wbuu", "28472": "gigatownnsn", "28473": "sshhh", "28474": "tabloids", "28475": "jingle", "28476": "ubiquitous", "28477": "silverado", "28478": "minibus", "28479": "evansville", "28480": "fuelled", "28481": "stupendous", "28482": "scenes", "28483": "seated", "28484": "lapd", "28485": "oshawa", "28486": "demarcus", "28487": "🇷", "28488": "seater", "28489": "galatasaray", "28490": "minus", "28491": "navigate", "28492": "dildo", "28493": "indyref", "28494": "echoed", "28495": "stalls", "28496": "seltzer", "28497": "⬛", "28498": "quieter", "28499": "realm", "28500": "reall", "28501": "laden", "28502": "latter", "28503": "lattes", "28504": "realy", "28505": "realz", "28506": "luxury", "28507": "transmit", "28508": "reals", "28509": "mutants", "28510": "snowflake", "28511": "rasheed", "28512": "weeding", "28513": "maiden", "28514": "iceland", "28515": "ebook", "28516": "improbable", "28517": "prerogative", "28518": "exercised", "28519": "anatomy", "28520": "gurlllll", "28521": "involving", "28522": "exercises", "28523": "autopsy", "28524": "animators", "28525": "webcam", "28526": "calculated", "28527": "duckling", "28528": "alumni", "28529": "╯", "28530": "leaflet", "28531": "judgmental", "28532": "sporadically", "28533": "radford", "28534": "voting", "28535": "responded", "28536": "thisisus", "28537": "zealots", "28538": "exemption", "28539": "karna", "28540": "doped", "28541": "bimbo", "28542": "fleming", "28543": "religions", "28544": "dopey", "28545": "keywords", "28546": "dopes", "28547": "enjoyed", "28548": "painfully", "28549": "implementation", "28550": "oga", "28551": "whynot", "28552": "layman", "28553": "hrs", "28554": "hrm", "28555": "deepest", "28556": "hrd", "28557": "adequate", "28558": "hrc", "28559": "personality", "28560": "ipad", "28561": "lightening", "28562": "vowels", "28563": "leisure", "28564": "panelists", "28565": "barbies", "28566": "nasty", "28567": "wynne", "28568": "cleanly", "28569": "everypony", "28570": "covering", "28571": "wellllll", "28572": "tilda", "28573": "uhuru", "28574": "buat", "28575": "complimenting", "28576": "fournette", "28577": "mbps", "28578": "frfr", "28579": "miserably", "28580": "chihuahuas", "28581": "whatislife", "28582": "plummet", "28583": "projections", "28584": "damnation", "28585": "cattle", "28586": "miserable", "28587": "plight", "28588": "w8", "28589": "bunting", "28590": "afloat", "28591": "progressives", "28592": "intimidates", "28593": "unable", "28594": "🎺", "28595": "legolas", "28596": "bighead", "28597": "wg", "28598": "wf", "28599": "we", "28600": "wd", "28601": "terms", "28602": "wb", "28603": "wa", "28604": "wo", "28605": "wn", "28606": "👋", "28607": "wl", "28608": "wk", "28609": "wj", "28610": "wi", "28611": "wh", "28612": "ww", "28613": "wv", "28614": "wu", "28615": "wt", "28616": "ws", "28617": "adtr", "28618": "wp", "28619": "00pm", "28620": "convertible", "28621": "wz", "28622": "oomph", "28623": "electing", "28624": "bras", "28625": "foes", "28626": "oiii", "28627": "brap", "28628": "braw", "28629": "brat", "28630": "ittttt", "28631": "bray", "28632": "brax", "28633": "braa", "28634": "brag", "28635": "chappelle", "28636": "brad", "28637": "exceeds", "28638": "brah", "28639": "bran", "28640": "bram", "28641": "neoliberalism", "28642": "twitterverse", "28643": "shady", "28644": "↪", "28645": "freakish", "28646": "↓", "28647": "seizure", "28648": "oblivious", "28649": "refill", "28650": "headlights", "28651": "topical", "28652": "condemned", "28653": "sachs", "28654": "drafting", "28655": "😉", "28656": "cesaro", "28657": "myyy", "28658": "bestival", "28659": "sachi", "28660": "warmth", "28661": "duties", "28662": "sacha", "28663": "hmrc", "28664": "easy", "28665": "tidy", "28666": "📀", "28667": "cosmetology", "28668": "fest", "28669": "fess", "28670": "brightening", "28671": "layton", "28672": "applied", "28673": "tide", "28674": "johansson", "28675": "cortland", "28676": "harms", "28677": "publicly", "28678": "launcher", "28679": "launches", "28680": "stubs", "28681": "ais", "28682": "air", "28683": "aim", "28684": "ain", "28685": "aii", "28686": "whelan", "28687": "aik", "28688": "applies", "28689": "aid", "28690": "property", "28691": "cathartic", "28692": "launched", "28693": "savanna", "28694": "loooove", "28695": "mpreg", "28696": "ilyt", "28697": "audiobook", "28698": "skipping", "28699": "moping", "28700": "uplift", "28701": "ilym", "28702": "popes", "28703": "menna", "28704": "perform", "28705": "trashing", "28706": "mothafuckas", "28707": "heeeeeey", "28708": "sheltered", "28709": "incorrectly", "28710": "lithium", "28711": "bunny", "28712": "arent", "28713": "perff", "28714": "ily2", "28715": "saddam", "28716": "disagreement", "28717": "alittle", "28718": "darlo", "28719": "someting", "28720": "redneck", "28721": "palpable", "28722": "mcnuggets", "28723": "darla", "28724": "prescribed", "28725": "sunburned", "28726": "peacocks", "28727": "dallas", "28728": "fllback", "28729": "hispanic", "28730": "contact", "28731": "tawkin", "28732": "tormenting", "28733": "yyou", "28734": "dipshit", "28735": "☀", "28736": "indigo", "28737": "kale", "28738": "athletic", "28739": "gods", "28740": "kall", "28741": "farther", "28742": "smoothies", "28743": "godd", "28744": "toya", "28745": "cervix", "28746": "lineman", "28747": "323", "28748": "1979", "28749": "votearianagrande", "28750": "belongs", "28751": "mindfulness", "28752": "board", "28753": "marginal", "28754": "deeney", "28755": "slade", "28756": "forgo", "28757": "expelled", "28758": "spellcheck", "28759": "viking", "28760": "boxed", "28761": "gregg", "28762": "rnc", "28763": "rnb", "28764": "progressed", "28765": "rnd", "28766": "jekyll", "28767": "boxes", "28768": "boxer", "28769": "bastards", "28770": "rns", "28771": "", "28772": "retreat", "28773": "rnt", "28774": "touchscreen", "28775": "blehh", "28776": "glitch", "28777": "viet", "28778": "thrifting", "28779": "reciting", "28780": "kearney", "28781": "lurked", "28782": "tsarnaev", "28783": "hyperventilate", "28784": "honored", "28785": "gawker", "28786": "lashes", "28787": "electronica", "28788": "eyeing", "28789": "lashed", "28790": "dedicating", "28791": "sisi", "28792": "criminology", "28793": "denies", "28794": "denier", "28795": "mulla", "28796": "nuzzles", "28797": "sextape", "28798": "disconnects", "28799": "/", "28800": "filming", "28801": "indoctrination", "28802": "denied", "28803": "beating", "28804": "1974", "28805": "cbus", "28806": "posh", "28807": "posi", "28808": "pose", "28809": "illustration", "28810": "constructive", "28811": "jorts", "28812": "phew", "28813": "dorney", "28814": "magcon", "28815": "post", "28816": "rotherham", "28817": "poss", "28818": "flinching", "28819": "rearrange", "28820": "obj", "28821": "obi", "28822": "suzuki", "28823": "coral", "28824": "months", "28825": "accepts", "28826": "oba", "28827": "sizzling", "28828": "obv", "28829": "leprechaun", "28830": "1972", "28831": "octopus", "28832": "obs", "28833": "tonights", "28834": "digestion", "28835": "winehouse", "28836": "ola", "28837": "float", "28838": "lightskins", "28839": "bound", "28840": "somedays", "28841": "gearing", "28842": "capped", "28843": "bitting", "28844": "allways", "28845": "strangely", "28846": "wan", "28847": "🎣", "28848": "wal", "28849": "wak", "28850": "wai", "28851": "wah", "28852": "wag", "28853": "wae", "28854": "wad", "28855": "waa", "28856": "mutated", "28857": "waz", "28858": "way", "28859": "wax", "28860": "waw", "28861": "wav", "28862": "wat", "28863": "was", "28864": "war", "28865": "wap", "28866": "izumi", "28867": "tints", "28868": "cryy", "28869": "becoming", "28870": "converse", "28871": "truu", "28872": "forgetful", "28873": "crys", "28874": "happpppy", "28875": "taken", "28876": "omgfunniest", "28877": "decoder", "28878": "anaesthetic", "28879": "", "28880": "true", "28881": "comprehending", "28882": "absent", "28883": "physicality", "28884": "👢", "28885": "emil", "28886": "tinychat", "28887": "undefeated", "28888": "yakuza", "28889": "gchat", "28890": "flirtatious", "28891": "anew", "28892": "winery", "28893": "inquiring", "28894": "emit", "28895": "storys", "28896": "promises", "28897": "medication", "28898": "moore", "28899": "computing", "28900": "nudity", "28901": "okkkkk", "28902": "cleats", "28903": "ferrell", "28904": "harvin", "28905": "lineups", "28906": "promised", "28907": "sunnyside", "28908": "vonte", "28909": "topped", "28910": "cliffhanger", "28911": "callers", "28912": "🚶", "28913": "topper", "28914": "frolic", "28915": "brothers", "28916": "juicer", "28917": "juices", "28918": "welcome", "28919": "notepad", "28920": "weirdest", "28921": "belive", "28922": "troyesivan", "28923": "pouch", "28924": "reflexes", "28925": "juiced", "28926": "okra", "28927": "pacey", "28928": "pacer", "28929": "paces", "28930": "wyatts", "28931": "fos", "28932": "governed", "28933": "collared", "28934": "loyal", "28935": "classmate", "28936": "embarassment", "28937": "precedent", "28938": "paced", "28939": "ohhhhhhhhhhh", "28940": "grateful", "28941": "spartan", "28942": "nags", "28943": "roanoke", "28944": "certainly", "28945": "killings", "28946": "yvr", "28947": "umd", "28948": "jvr", "28949": "absolutly", "28950": "chillies", "28951": "flopping", "28952": "tush", "28953": "shaddup", "28954": "rhythm", "28955": "tusk", "28956": "cowboysnation", "28957": "shmoney", "28958": "rabies", "28959": "southwest", "28960": "division", "28961": "charles", "28962": "ronan", "28963": "hannah", "28964": "intrested", "28965": "yahhhh", "28966": "kitteh", "28967": "sunbathe", "28968": "kitten", "28969": "sososo", "28970": "gnarly", "28971": "perceived", "28972": "respiratory", "28973": "presented", "28974": "umi", "28975": "newtvdrama", "28976": "foi", "28977": "yaaaass", "28978": "presenter", "28979": "drakes", "28980": "sloths", "28981": "ashely", "28982": "qanda", "28983": "ezra", "28984": "fuckoff", "28985": "fairytales", "28986": "affiliation", "28987": "grump", "28988": "scientology", "28989": "yesseu", "28990": "scarcity", "28991": "helpless", "28992": "perusing", "28993": "🤡", "28994": "cargo", "28995": "kinetic", "28996": "curse", "28997": "appear", "28998": "wolfs", "28999": "eliza", "29000": "wolfy", "29001": "havoc", "29002": "uniform", "29003": "wolfe", "29004": "wolff", "29005": "illustrations", "29006": "appeal", "29007": "budgets", "29008": "vocalists", "29009": "muslim", "29010": "edmund", "29011": "adachi", "29012": "5pm", "29013": "suckers", "29014": "roaring", "29015": "nother", "29016": "poulter", "29017": "condoms", "29018": "flames", "29019": "impatiently", "29020": "woahhh", "29021": "justus", "29022": "likeeee", "29023": "5ever", "29024": "flamed", "29025": "usually", "29026": "hamza", "29027": "homecoming", "29028": "errday", "29029": "churchill", "29030": "saunders", "29031": "fundamentalist", "29032": "gamecube", "29033": "shaming", "29034": "sharkiesha", "29035": "stings", "29036": "penalized", "29037": "sufferers", "29038": "buble", "29039": "stingy", "29040": "amazingg", "29041": "spalding", "29042": "prove", "29043": "tillys", "29044": "provo", "29045": "inquisition", "29046": "cutee", "29047": "territories", "29048": "cutey", "29049": "bluffing", "29050": "cuter", "29051": "cutes", "29052": "selects", "29053": "slays", "29054": "hesitates", "29055": "commissioner", "29056": "deaddd", "29057": "repentance", "29058": "ninny", "29059": "futon", "29060": "commissioned", "29061": "hesitated", "29062": "pettis", "29063": "fingered", "29064": "elfs", "29065": "organizations", "29066": "cay", "29067": "graphic", "29068": "cas", "29069": "car", "29070": "cap", "29071": "caw", "29072": "cav", "29073": "vito", "29074": "cat", "29075": "nowplaying", "29076": "hardest", "29077": "cah", "29078": "renders", "29079": "can", "29080": "cam", "29081": "cal", "29082": "cab", "29083": "caa", "29084": "caf", "29085": "cad", "29086": "heart", "29087": "incomparable", "29088": "hears", "29089": "attribute", "29090": "bridesmaid", "29091": "heard", "29092": "otome", "29093": "mmmmmm", "29094": "hearn", "29095": "clothing", "29096": "schaub", "29097": "unwavering", "29098": "redundancy", "29099": "fuming", "29100": "arkham", "29101": "freezer", "29102": "freezes", "29103": "scrimmages", "29104": "flank", "29105": "8yrs", "29106": "snuggly", "29107": "dominance", "29108": "nonstop", "29109": "spielberg", "29110": "whacked", "29111": "sweeney", "29112": "o", "29113": "motorway", "29114": "gaffer", "29115": "tmoro", "29116": "sorrrrry", "29117": "disqualified", "29118": "beal", "29119": "trumpets", "29120": "benny", "29121": "ehhhh", "29122": "accelerated", "29123": "cuteeee", "29124": "hahaaaa", "29125": "apathetic", "29126": "sweatin", "29127": "fullbacks", "29128": "deactivated", "29129": "displayed", "29130": "jihadi", "29131": "playful", "29132": "u21s", "29133": "statistical", "29134": "tyrell", "29135": "prosecco", "29136": "surpassed", "29137": "mixup", "29138": "rosetta", "29139": "willow", "29140": "sexiest", "29141": "vicinity", "29142": "yams", "29143": "forms", "29144": "yami", "29145": "taehyung", "29146": "tje", "29147": "lecrae", "29148": "rake", "29149": "fucksake", "29150": "tjo", "29151": "tails", "29152": "1950", "29153": "geddit", "29154": "keefe", "29155": "enacted", "29156": "lineage", "29157": "intrigues", "29158": "chuckled", "29159": "galloway", "29160": "january", "29161": "kerr", "29162": "refereeing", "29163": "chuckles", "29164": "intrigued", "29165": "bursts", "29166": "keri", "29167": "domain", "29168": "intersting", "29169": "nupe", "29170": "amu", "29171": "directing", "29172": "whyyyyyyyyy", "29173": "hurried", "29174": "uncoordinated", "29175": "curveball", "29176": "sjsharks", "29177": "hurries", "29178": "happen", "29179": "pills", "29180": "amusement", "29181": "album", "29182": "shinning", "29183": "ionno", "29184": "shadowing", "29185": "irony", "29186": "jarrett", "29187": "looking", "29188": "nolife", "29189": "makeing", "29190": "rational", "29191": "albus", "29192": "cary", "29193": "punky", "29194": "citeh", "29195": "thong", "29196": "carr", "29197": "cars", "29198": "carp", "29199": "punks", "29200": "argh", "29201": "intruding", "29202": "cari", "29203": "caro", "29204": "carl", "29205": "eugh", "29206": "carb", "29207": "obligation", "29208": "cara", "29209": "ocrp", "29210": "card", "29211": "care", "29212": "groot", "29213": "morningjoe", "29214": "kuroko", "29215": "selections", "29216": "romcom", "29217": "deprivation", "29218": "british", "29219": "ryeowook", "29220": "themasters", "29221": "redbone", "29222": "kitna", "29223": "profess", "29224": "mello", "29225": "sarcastically", "29226": "xi", "29227": "toulouse", "29228": "xo", "29229": "xl", "29230": "stevens", "29231": "xb", "29232": "xc", "29233": "tippy", "29234": "xf", "29235": "xd", "29236": "xz", "29237": "xx", "29238": "xy", "29239": "directly", "29240": "hairstyles", "29241": "xs", "29242": "message", "29243": "weds", "29244": "xv", "29245": "farthest", "29246": "truthfully", "29247": "checked", "29248": "crossings", "29249": "yin", "29250": "yik", "29251": "yiu", "29252": "checker", "29253": "tragic", "29254": "yip", "29255": "yis", "29256": "yir", "29257": "desmond", "29258": "national", "29259": "smtown", "29260": "frasier", "29261": "nutrition", "29262": "quay", "29263": "refresher", "29264": "taxation", "29265": "cornwall", "29266": "qual", "29267": "quan", "29268": "📕", "29269": "x2", "29270": "quad", "29271": "x1", "29272": "x6", "29273": "x7", "29274": "x4", "29275": "x5", "29276": "television", "29277": "dinky", "29278": "webmd", "29279": "24x7", "29280": "woahhhhh", "29281": "glazers", "29282": "magnesium", "29283": "mommie", "29284": "browser", "29285": "delia", "29286": "troublesome", "29287": "portsmouth", "29288": "contentious", "29289": "investors", "29290": "slay", "29291": "slaw", "29292": "refrained", "29293": "slap", "29294": "slam", "29295": "kneeled", "29296": "distorted", "29297": "slag", "29298": "⌛", "29299": "geezus", "29300": "slab", "29301": "debenhams", "29302": "sodomy", "29303": "overcoming", "29304": "mesut", "29305": "ooft", "29306": "nalang", "29307": "lawwwd", "29308": "deus", "29309": "deniers", "29310": "shitted", "29311": "prick", "29312": "cooooool", "29313": "price", "29314": "rankin", "29315": "roxie", "29316": "chanyeol", "29317": "shitter", "29318": "rationale", "29319": "successive", "29320": "clusterfuck", "29321": "mullah", "29322": "]", "29323": "bellend", "29324": "pedigree", "29325": "michelle", "29326": "forever", "29327": "sprinting", "29328": "gnite", "29329": "steroline", "29330": "sidekick", "29331": "a380", "29332": "hemisphere", "29333": "ferrari", "29334": "dammmm", "29335": "typically", "29336": "hunnay", "29337": "rambling", "29338": "leicester", "29339": "german", "29340": "mains", "29341": "fifty", "29342": "eastbourne", "29343": "remnants", "29344": "maine", "29345": "fifth", "29346": "bick", "29347": "joly", "29348": "onli", "29349": "upgrade", "29350": "discounts", "29351": "fumin", "29352": "stained", "29353": "saints", "29354": "jolt", "29355": "lansing", "29356": "sook", "29357": "only", "29358": "ε", "29359": "inventions", "29360": "😼", "29361": "phased", "29362": "happppppy", "29363": "chantal", "29364": "bbau", "29365": "brienne", "29366": "ffs", "29367": "grossing", "29368": "truly", "29369": "loath", "29370": "baghdad", "29371": "cannot", "29372": "fairview", "29373": "cryin", "29374": "icarly", "29375": "celebrate", "29376": "airbender", "29377": "lollies", "29378": "mashaallah", "29379": "staffed", "29380": "imbecile", "29381": "llol", "29382": "keyed", "29383": "overworked", "29384": "losers", "29385": "quickie", "29386": "maddon", "29387": "amanda", "29388": "spork", "29389": "physically", "29390": "spore", "29391": "900k", "29392": "madiba", "29393": "dragonball", "29394": "💐", "29395": "asleep", "29396": "uva", "29397": "culpable", "29398": "sport", "29399": "helo", "29400": "colgate", "29401": "israeli", "29402": "lonnie", "29403": "zola", "29404": "crawfish", "29405": "incite", "29406": "hosmer", "29407": "thurs", "29408": "drankin", "29409": "between", "29410": "mandarin", "29411": "redskin", "29412": "torturing", "29413": "facepalm", "29414": "pochettino", "29415": "racecourse", "29416": "blame", "29417": "armenian", "29418": "9000", "29419": "comeback", "29420": "pixels", "29421": "mong", "29422": "teentop", "29423": "perceptions", "29424": "installation", "29425": "mona", "29426": "mono", "29427": "bodega", "29428": "monk", "29429": "moni", "29430": "enabling", "29431": "mont", "29432": "buddie", "29433": "aura", "29434": "newfound", "29435": "picard", "29436": "wallaby", "29437": "evict", "29438": "johto", "29439": "overview", "29440": "cranium", "29441": "selene", "29442": "guptas", "29443": "looms", "29444": "proved", "29445": "optional", "29446": "informed", "29447": "territorial", "29448": "jerks", "29449": "linguistic", "29450": "jerky", "29451": "commentating", "29452": "applebees", "29453": "patriarchal", "29454": "yayayayayay", "29455": "cesspool", "29456": "neverrrrrr", "29457": "gaaah", "29458": "nikon", "29459": "rabble", "29460": "arundel", "29461": "rubs", "29462": "drinkies", "29463": "ruby", "29464": "aerendyll", "29465": "gaaay", "29466": "keon", "29467": "these", "29468": "accommodating", "29469": "chinatown", "29470": "meron", "29471": "strootman", "29472": "trick", "29473": "shawcross", "29474": "gemini", "29475": "eid", "29476": "thrillers", "29477": "roughing", "29478": "🏿", "29479": "ein", "29480": "🏁", "29481": "orientation", "29482": "zenith", "29483": "alcoholic", "29484": "agnostic", "29485": "commander", "29486": "canceled", "29487": "ced", "29488": "eras", "29489": "kha", "29490": "commanded", "29491": "thrills", "29492": "yl", "29493": "handled", "29494": "litt", "29495": "whyte", "29496": "yn", "29497": "intelligently", "29498": "figuring", "29499": "lito", "29500": "followers", "29501": "lite", "29502": "lita", "29503": "extravaganza", "29504": "noble", "29505": "smurfs", "29506": "thunderbolt", "29507": "closest", "29508": "ssul", "29509": "reigning", "29510": "anecdotal", "29511": "ssup", "29512": "favorites", "29513": "attributes", "29514": "validate", "29515": "cupcake", "29516": "eith", "29517": "enchanting", "29518": "complained", "29519": "yy", "29520": "euthanasia", "29521": "bondage", "29522": "constitutional", "29523": "32nd", "29524": "breezy", "29525": "severe", "29526": "breeze", "29527": "shortbread", "29528": "ces", "29529": "joystick", "29530": "lewes", "29531": "schoolers", "29532": "riffic", "29533": "noah", "29534": "fester", "29535": "armour", "29536": "toby", "29537": "alissa", "29538": "valuable", "29539": "shouts", "29540": "ounces", "29541": "shouty", "29542": "tobi", "29543": "mingling", "29544": "💧", "29545": "grammatical", "29546": "mirrored", "29547": "pocky", "29548": "floof", "29549": "cex", "29550": "spectacular", "29551": "rules", "29552": "ruler", "29553": "calendars", "29554": "stools", "29555": "listening", "29556": "culprits", "29557": "rebecca", "29558": "ruled", "29559": "whittier", "29560": "beggin", "29561": "conversing", "29562": "yellowcard", "29563": "collective", "29564": "fajita", "29565": "azealia", "29566": "greeting", "29567": "miracle", "29568": "kasey", "29569": "oblivion", "29570": "moreno", "29571": "t", "29572": "twittersphere", "29573": "tooooooo", "29574": "cisco", "29575": "ewww", "29576": "sic", "29577": "tomorrrow", "29578": "viral", "29579": "passions", "29580": "venn", "29581": "cleanser", "29582": "iff", "29583": "thoughhhhh", "29584": "virat", "29585": "ethos", "29586": "cleansed", "29587": "", "29588": "mosby", "29589": "teared", "29590": "wheat", "29591": "morphe", "29592": "epsom", "29593": "throb", "29594": "asterisk", "29595": "equivalent", "29596": "habs", "29597": "volkswagen", "29598": "uneasy", "29599": "mtvhottest", "29600": "morphs", "29601": "artie", "29602": "jager", "29603": "barrie", "29604": "bilic", "29605": "leftover", "29606": "habe", "29607": "dashie", "29608": "throw", "29609": "haba", "29610": "src", "29611": "arguable", "29612": "r00d", "29613": "jjong", "29614": "lamela", "29615": "srk", "29616": "dancemoms", "29617": "sri", "29618": "2months", "29619": "grinders", "29620": "eminems", "29621": "elli", "29622": "srs", "29623": "escalating", "29624": "wolf", "29625": "wold", "29626": "sry", "29627": "contending", "29628": "tescos", "29629": "heavy", "29630": "tweetin", "29631": "inclusion", "29632": "copier", "29633": "raph", "29634": "tweetie", "29635": "skunks", "29636": "earring", "29637": "bitta", "29638": "homestuck", "29639": "lob", "29640": "loc", "29641": "neymar", "29642": "supervising", "29643": "log", "29644": "kmart", "29645": "loe", "29646": "bribes", "29647": "removing", "29648": "loh", "29649": "loi", "29650": "lon", "29651": "loo", "29652": "lol", "29653": "lor", "29654": "los", "29655": "lop", "29656": "lov", "29657": "low", "29658": "lot", "29659": "lou", "29660": "loz", "29661": "somerset", "29662": "cillian", "29663": "coolin", "29664": "coolio", "29665": "leach", "29666": "waze", "29667": "groan", "29668": "drains", "29669": "haley", "29670": "coolie", "29671": "wazzup", "29672": "yooooou", "29673": "eunwoo", "29674": "jayla", "29675": "premierleague", "29676": "stanford", "29677": "receptive", "29678": "spamming", "29679": "tellin", "29680": "scoliosis", "29681": "sadness", "29682": "miguel", "29683": "iwish", "29684": "beliefs", "29685": "thicke", "29686": "wrestlers", "29687": "illnesses", "29688": "naysayers", "29689": "arabs", "29690": "ayyy", "29691": "tengo", "29692": "reliability", "29693": "🆔", "29694": "hospitals", "29695": "statuses", "29696": "oshey", "29697": "halen", "29698": "vickie", "29699": "doner", "29700": "eejit", "29701": "milking", "29702": "coincidental", "29703": "woeful", "29704": "suites", "29705": "peat", "29706": "chemo", "29707": "pear", "29708": "peas", "29709": "ohhhhhhhhh", "29710": "podium", "29711": "dominates", "29712": "peak", "29713": "suited", "29714": "tendencies", "29715": "fiscal", "29716": "assert", "29717": "bystander", "29718": "situational", "29719": "carlin", "29720": "prerequisite", "29721": "rgiii", "29722": "bolton", "29723": "carlie", "29724": "outlining", "29725": "🌂", "29726": "skeleton", "29727": "bfast", "29728": "12hrs", "29729": "pawsome", "29730": "publish", "29731": "cameron", "29732": "asada", "29733": "gotv", "29734": "auckland", "29735": "shadowhunters", "29736": "foster", "29737": "baddies", "29738": "wombats", "29739": "slushies", "29740": "jensen", "29741": "presales", "29742": "superglue", "29743": "screwdriver", "29744": "hodges", "29745": "rape", "29746": "frankenstein", "29747": "everrrrrr", "29748": "litterally", "29749": "higgins", "29750": "deficient", "29751": "louis", "29752": "triforce", "29753": "vapid", "29754": "benning", "29755": "phonics", "29756": "louie", "29757": "cookies", "29758": "mamamoo", "29759": "colossal", "29760": "blaire", "29761": "unheard", "29762": "hialeah", "29763": "promoter", "29764": "duckdynasty", "29765": "pshh", "29766": "overpowered", "29767": "reco", "29768": "nani", "29769": "nano", "29770": "nana", "29771": "scorching", "29772": "deliciousness", "29773": "nang", "29774": "thickness", "29775": "twatch", "29776": "insomniacs", "29777": "nans", "29778": "deborah", "29779": "iran", "29780": "kims", "29781": "loose", "29782": "modify", "29783": "venice", "29784": "chadli", "29785": "kimi", "29786": "selective", "29787": "doctorwho", "29788": "iraq", "29789": "kzn", "29790": "revisited", "29791": "ves", "29792": "wtheck", "29793": "invitational", "29794": "unproven", "29795": "mdma", "29796": "vegetarian", "29797": "whine", "29798": "hims", "29799": "whiny", "29800": "rousing", "29801": "poli", "29802": "himm", "29803": "hime", "29804": "invalidate", "29805": "lurker", "29806": "goalies", "29807": "family", "29808": "nuffin", "29809": "thatcher", "29810": "virgins", "29811": "aimee", "29812": "aimed", "29813": "toys", "29814": "gunmen", "29815": "khan", "29816": "takes", "29817": "smarmy", "29818": "nialler", "29819": "contains", "29820": "shotguns", "29821": "mysterious", "29822": "entails", "29823": "limbaugh", "29824": "chestnut", "29825": "turbo", "29826": "yuck", "29827": "instrumental", "29828": "excuse", "29829": "impulse", "29830": "factories", "29831": "fanfics", "29832": "2pac", "29833": "helped", "29834": "yessssssssssss", "29835": "offender", "29836": "yerp", "29837": "pawns", "29838": "offended", "29839": "ctfupp", "29840": "fronted", "29841": "smurf", "29842": "fackin", "29843": "yemen", "29844": "alyssa", "29845": "history", "29846": "protectors", "29847": "visage", "29848": "iont", "29849": "dragonfly", "29850": "alba", "29851": "nahhhhhh", "29852": "stinging", "29853": "prose", "29854": "iona", "29855": "ukelele", "29856": "rodrigo", "29857": "cows", "29858": "magenta", "29859": "ionn", "29860": "species", "29861": "hamburgers", "29862": "firmly", "29863": "answer", "29864": "calms", "29865": "botak", "29866": "💮", "29867": "menus", "29868": "paloma", "29869": "calma", "29870": "exponentially", "29871": "honeybun", "29872": "plottin", "29873": "sneak", "29874": "carling", "29875": "gardeners", "29876": "invasion", "29877": "paddys", "29878": "humbug", "29879": "jodie", "29880": "worcester", "29881": "goddard", "29882": "spectre", "29883": "negligible", "29884": "dread", "29885": "crafts", "29886": "banks", "29887": "drexel", "29888": "dream", "29889": "crafty", "29890": "uninstall", "29891": "materialistic", "29892": "help", "29893": "bich", "29894": "ffx", "29895": "hierarchy", "29896": "slouch", "29897": "heeeey", "29898": "sooo", "29899": "soon", "29900": "ffp", "29901": "held", "29902": "wiener", "29903": "hela", "29904": "lasers", "29905": "helm", "29906": "hell", "29907": "mcdonalds", "29908": "thankyousachin", "29909": "ffc", "29910": "uve", "29911": "ffa", "29912": "fanning", "29913": "hendrix", "29914": "taxpayer", "29915": "oriental", "29916": "mahatma", "29917": "yi", "29918": "yh", "29919": "yk", "29920": "yj", "29921": "ym", "29922": "groping", "29923": "yo", "29924": "zenyatta", "29925": "ya", "29926": "knocking", "29927": "yc", "29928": "yb", "29929": "ye", "29930": "yd", "29931": "yg", "29932": "anticipated", "29933": "peeing", "29934": "hendricks", "29935": "parse", "29936": "axed", "29937": "vomit", "29938": "yp", "29939": "ys", "29940": "yr", "29941": "yu", "29942": "yt", "29943": "yw", "29944": "arianators", "29945": "stopper", "29946": "erection", "29947": "imprisoned", "29948": "ifs", "29949": "sundays", "29950": "occasions", "29951": "intervene", "29952": "ify", "29953": "fanboying", "29954": "ife", "29955": "xoxoxox", "29956": "stopped", "29957": "frivolous", "29958": "ifb", "29959": "ifc", "29960": "sketches", "29961": "maha", "29962": "hales", "29963": "uuuup", "29964": "ooooohhhhh", "29965": "uuuuu", "29966": "nutritionist", "29967": "sketched", "29968": "inplay", "29969": "balance", "29970": "bangtan", "29971": "wahhhhh", "29972": "trusty", "29973": "porsha", "29974": "unnatural", "29975": "surrounded", "29976": "receptions", "29977": "douglas", "29978": "trusts", "29979": "wolverine", "29980": "hayden", "29981": "dominated", "29982": "shames", "29983": "daddies", "29984": "issue", "29985": "outrun", "29986": "gardener", "29987": "reck", "29988": "🙃", "29989": "teal", "29990": "axxess", "29991": "labs", "29992": "reason", "29993": "yonge", "29994": "aziz", "29995": "recs", "29996": "opps", "29997": "unbecoming", "29998": "launch", "29999": "persuading", "30000": "cubbies", "30001": "malky", "30002": "oppa", "30003": "beggars", "30004": "kung", "30005": "snopes", "30006": "syria", "30007": "blush", "30008": "assign", "30009": "oppo", "30010": "doughnuts", "30011": "arsenal", "30012": "dominating", "30013": "earthly", "30014": "loooooove", "30015": "maple", "30016": "arbitration", "30017": "itv4", "30018": "birfday", "30019": "guaranteeing", "30020": "itv2", "30021": "vlive", "30022": "minion", "30023": "wonderful", "30024": "tighter", "30025": "scheme", "30026": "banana", "30027": "fanpage", "30028": "squirts", "30029": "selling", "30030": "gushers", "30031": "ncp", "30032": "norma", "30033": "ncs", "30034": "nct", "30035": "overdrive", "30036": "signaling", "30037": "authors", "30038": "norms", "30039": "nca", "30040": "ncc", "30041": "sunnah", "30042": "apprentice", "30043": "tunic", "30044": "toliet", "30045": "anticipate", "30046": "erotic", "30047": "battering", "30048": "nuthin", "30049": "ousted", "30050": "crescent", "30051": "mickey", "30052": "sunblock", "30053": "yeen", "30054": "yeea", "30055": "chipmunk", "30056": "urgently", "30057": "yeee", "30058": "ultras", "30059": "grannies", "30060": "yeep", "30061": "yees", "30062": "yeet", "30063": "tyvm", "30064": "koala", "30065": "evasion", "30066": "milner", "30067": "trance", "30068": "officers", "30069": "camouflage", "30070": "swallowing", "30071": "applauded", "30072": "giselle", "30073": "kab", "30074": "kaa", "30075": "experienced", "30076": "macs", "30077": "kae", "30078": "kak", "30079": "kai", "30080": "kah", "30081": "kan", "30082": "kam", "30083": "kal", "30084": "kas", "30085": "kar", "30086": "mace", "30087": "kap", "30088": "experiences", "30089": "kau", "30090": "kat", "30091": "kaz", "30092": "kay", "30093": "mack", "30094": "maci", "30095": "mach", "30096": "puddings", "30097": "loopholes", "30098": "trapper", "30099": "noone", "30100": "popularity", "30101": "unreasonable", "30102": "noona", "30103": "ziggy", "30104": "unreasonably", "30105": "latest", "30106": "aeropostale", "30107": "hipp", "30108": "hips", "30109": "okokok", "30110": "perseverance", "30111": "rocher", "30112": "humid", "30113": "5lbs", "30114": "xboxsupport", "30115": "flicker", "30116": "frs", "30117": "okcupid", "30118": "1dhq", "30119": "registers", "30120": "crayon", "30121": "flicked", "30122": "reminiscent", "30123": "cebu", "30124": "rando", "30125": "northern", "30126": "duncan", "30127": "paranoid", "30128": "scooter", "30129": "😬", "30130": "kryptonite", "30131": "randy", "30132": "hardened", "30133": "espically", "30134": "edelman", "30135": "scooted", "30136": "jquery", "30137": "policing", "30138": "dominant", "30139": "vidya", "30140": "zambia", "30141": "outlast", "30142": "assaulted", "30143": "docile", "30144": "rocco", "30145": "chimney", "30146": "alexander", "30147": "catches", "30148": "catcher", "30149": "brova", "30150": "freaky", "30151": "eitha", "30152": "millenium", "30153": "psni", "30154": "jnow", "30155": "catched", "30156": "recommendations", "30157": "poisoned", "30158": "crim", "30159": "junsu", "30160": "💀", "30161": "druggie", "30162": "amaaaazing", "30163": "kemba", "30164": "kilos", "30165": "brooooo", "30166": "schizophrenia", "30167": "gingrich", "30168": "lynched", "30169": "1v1", "30170": "1v2", "30171": "gree", "30172": "chart", "30173": "forked", "30174": "conditions", "30175": "mpesa", "30176": "steelers", "30177": "thaaanks", "30178": "statistically", "30179": "unconscious", "30180": "amused", "30181": "sultry", "30182": "invisible", "30183": "dally", "30184": "speakin", "30185": "hardline", "30186": "aud", "30187": "garrison", "30188": "lookalike", "30189": "hushh", "30190": "secrets", "30191": "liverpools", "30192": "dbacks", "30193": "eggplant", "30194": "boxers", "30195": "protector", "30196": "rodgers", "30197": "uuuugh", "30198": "ghey", "30199": "hackers", "30200": "jeff", "30201": "takecare", "30202": "", "30203": "galileo", "30204": "spotting", "30205": "stoped", "30206": "vessel", "30207": "persecuted", "30208": "yukon", "30209": "stamp", "30210": "dams", "30211": "damp", "30212": "t__t", "30213": "dami", "30214": "damn", "30215": "damo", "30216": "damm", "30217": "collected", "30218": "newbury", "30219": "dame", "30220": "issssss", "30221": "generating", "30222": "heaviest", "30223": "regroup", "30224": "○", "30225": "ghee", "30226": "johor", "30227": "storylines", "30228": "sposed", "30229": "katherine", "30230": "disruptive", "30231": "bidding", "30232": "assigning", "30233": "dialing", "30234": "loon", "30235": "lool", "30236": "loom", "30237": "iya", "30238": "look", "30239": "socialist", "30240": "rope", "30241": "bikini", "30242": "socialism", "30243": "lavish", "30244": "endanger", "30245": "loot", "30246": "socialise", "30247": "biking", "30248": "loos", "30249": "loop", "30250": "ohl", "30251": "10000", "30252": "redacted", "30253": "hoax", "30254": "reads", "30255": "mallow", "30256": "ready", "30257": "thalia", "30258": "hyperbole", "30259": "emoticons", "30260": "fedora", "30261": "fanservice", "30262": "ericka", "30263": "gtown", "30264": "samaras", "30265": "sliders", "30266": "discredit", "30267": "tches", "30268": "punctual", "30269": "conflict", "30270": "1000s", "30271": "pomegranate", "30272": "burnley", "30273": "joggers", "30274": "¢", "30275": "decency", "30276": "jammie", "30277": "assortment", "30278": "bizz", "30279": "crucible", "30280": "older", "30281": "docked", "30282": "dutches", "30283": "dryer", "30284": "reclaim", "30285": "pricks", "30286": "noones", "30287": "secession", "30288": "tuq", "30289": "olden", "30290": "grossly", "30291": "weakest", "30292": "extortionate", "30293": "chore", "30294": "alvin", "30295": "ateneo", "30296": "festivus", "30297": "notttttt", "30298": "cocky", "30299": "💗", "30300": "rambo", "30301": "startups", "30302": "cava", "30303": "cocks", "30304": "bloods", "30305": "scrunches", "30306": "retirement", "30307": "fanfic", "30308": "bigbrother", "30309": "guwop", "30310": "wayward", "30311": "exercising", "30312": "somepony", "30313": "soooooo", "30314": "sooooon", "30315": "ballots", "30316": "remaining", "30317": "elves", "30318": "dundas", "30319": "cheryl", "30320": "haribo", "30321": "lacking", "30322": "vandy", "30323": "game", "30324": "kissanime", "30325": "laggin", "30326": "wiser", "30327": "wings", "30328": "outright", "30329": "saginaw", "30330": "ips", "30331": "bangbang", "30332": "🛫", "30333": "bukan", "30334": "bukas", "30335": "sofa", "30336": "sleigh", "30337": "roscoes", "30338": "weiner", "30339": "swooped", "30340": "fnaf", "30341": "mathematical", "30342": "saturdays", "30343": "brampton", "30344": "nizzle", "30345": "metres", "30346": "separated", "30347": "biiiitch", "30348": "ranbir", "30349": "28th", "30350": "lingers", "30351": "🌙", "30352": "universes", "30353": "fluttershy", "30354": "rosewood", "30355": "savage", "30356": "describing", "30357": "mcgill", "30358": "namja", "30359": "debra", "30360": "providence", "30361": "fings", "30362": "bruhhh", "30363": "minimal", "30364": "kuala", "30365": "goooooo", "30366": "stef", "30367": "fomo", "30368": "goooood", "30369": "bazaar", "30370": "thnxx", "30371": "retreating", "30372": "stem", "30373": "ster", "30374": "nelly", "30375": "step", "30376": "macy", "30377": "lasts", "30378": "ache", "30379": "taboo", "30380": "acha", "30381": "shine", "30382": "classico", "30383": "reappear", "30384": "thnxs", "30385": "yewww", "30386": "hasan", "30387": "shins", "30388": "gatlin", "30389": "messaging", "30390": "classics", "30391": "shiny", "30392": "urine", "30393": "aires", "30394": "miracles", "30395": "omgggggggg", "30396": "90x90", "30397": "kanter", "30398": "egirl", "30399": "within", "30400": "nonsense", "30401": "smelly", "30402": "wassss", "30403": "neko", "30404": "tada", "30405": "monfils", "30406": "smells", "30407": "⚡", "30408": "renewal", "30409": "dismal", "30410": "jetpack", "30411": "fvcking", "30412": "worshipped", "30413": "salvadorian", "30414": "disallowed", "30415": "manufacture", "30416": "harem", "30417": "etisalat", "30418": "dulu", "30419": "roxanne", "30420": "duly", "30421": "dips", "30422": "inept", "30423": "specialty", "30424": "larry", "30425": "aqa", "30426": "segregation", "30427": "fishy", "30428": "swimsuits", "30429": "dull", "30430": "chelsey", "30431": "intuitive", "30432": "frnd", "30433": "nestle", "30434": "accustomed", "30435": "chelsea", "30436": "uber", "30437": "dramaalert", "30438": "estrogen", "30439": "mindful", "30440": "livs", "30441": "ritsu", "30442": "1700", "30443": "fashionista", "30444": "mothafuckin", "30445": "kayden", "30446": "paddock", "30447": "psychopath", "30448": "gecko", "30449": "kidney", "30450": "sullen", "30451": "peterborough", "30452": "nabbed", "30453": "rewriting", "30454": "hoopla", "30455": "peopl", "30456": "hayward", "30457": "everybodys", "30458": "♊", "30459": "pretended", "30460": "frances", "30461": "regulations", "30462": "militants", "30463": "tms", "30464": "refrain", "30465": "reservation", "30466": "againnnn", "30467": "dingus", "30468": "independently", "30469": "armory", "30470": "cribs", "30471": "tubes", "30472": "esp", "30473": "wellbeing", "30474": "̩", "30475": "cribo", "30476": "scouser", "30477": "fayetteville", "30478": "berries", "30479": "craccin", "30480": "sounded", "30481": "backin", "30482": "izzo", "30483": "katy", "30484": "katz", "30485": "corgis", "30486": "caity", "30487": "kats", "30488": "katt", "30489": "schemin", "30490": "cheerful", "30491": "desserts", "30492": "izzy", "30493": "kato", "30494": "kata", "30495": "psycho", "30496": "kate", "30497": "knwo", "30498": "excludes", "30499": "shackles", "30500": "vacuous", "30501": "stave", "30502": "tmb", "30503": "arrogance", "30504": "shack", "30505": "backflips", "30506": "ameen", "30507": "excluded", "30508": "suite", "30509": "hennessey", "30510": "henlo", "30511": "virtuous", "30512": "scorched", "30513": "quorn", "30514": "murderous", "30515": "haahah", "30516": "jinxed", "30517": "stroud", "30518": "miners", "30519": "tmh", "30520": "tue", "30521": "trough", "30522": "cellular", "30523": "marvins", "30524": "peridot", "30525": "crowed", "30526": "excruciating", "30527": "nanowrimo", "30528": "bournemouth", "30529": "assignments", "30530": "esh", "30531": "barbara", "30532": "aghhh", "30533": "picker", "30534": "zo", "30535": "booty", "30536": "zi", "30537": "bortles", "30538": "comatose", "30539": "teasers", "30540": "ze", "30541": "za", "30542": "boots", "30543": "waking", "30544": "hose", "30545": "zx", "30546": "booth", "30547": "picked", "30548": "ringers", "30549": "pornography", "30550": "zu", "30551": "mussolini", "30552": "honors", "30553": "zr", "30554": "sausage", "30555": "poke", "30556": "paintings", "30557": "colonel", "30558": "marketed", "30559": "scorcher", "30560": "applesauce", "30561": "referees", "30562": "marketer", "30563": "commercial", "30564": "quell", "30565": "randi", "30566": "duuuuude", "30567": "ponytails", "30568": "canals", "30569": "presale", "30570": "2moz", "30571": "chant", "30572": "libdem", "30573": "haunts", "30574": "chans", "30575": "duval", "30576": "640", "30577": "645", "30578": "lochte", "30579": "chang", "30580": "behead", "30581": "csun", "30582": "fruitvale", "30583": "2chainz", "30584": "wig", "30585": "wif", "30586": "wid", "30587": "daaaaamn", "30588": "terrorizing", "30589": "win", "30590": "wil", "30591": "collaborating", "30592": "wii", "30593": "paranoia", "30594": "wiv", "30595": "wit", "30596": "wis", "30597": "✔", "30598": "wip", "30599": "redefining", "30600": "jumbled", "30601": "wiz", "30602": "crap", "30603": "connery", "30604": "remains", "30605": "hudson", "30606": "cray", "30607": "hydra", "30608": "myra", "30609": "cheeky", "30610": "crab", "30611": "cram", "30612": "cran", "30613": "jonathan", "30614": "hydro", "30615": "cosmo", "30616": "retribution", "30617": "fblchat", "30618": "started", "30619": "ikon", "30620": "greyson", "30621": "/", "30622": "feuds", "30623": "unfaithful", "30624": "pocahontas", "30625": "starter", "30626": "crosses", "30627": "mythical", "30628": "ricans", "30629": "phins", "30630": "crossed", "30631": "wanan", "30632": "lazer", "30633": "kaley", "30634": "potus", "30635": "beijing", "30636": "ushers", "30637": "painkiller", "30638": "ferrets", "30639": "glitching", "30640": "serviceable", "30641": "skirt", "30642": "areeeee", "30643": "kayleigh", "30644": "partna", "30645": "chevrolet", "30646": "leyton", "30647": "marzia", "30648": "arrangement", "30649": "lurgy", "30650": "liessss", "30651": "circular", "30652": "nolie", "30653": "🍇", "30654": "boooooo", "30655": "fatigue", "30656": "belongings", "30657": "advocated", "30658": "xenophobic", "30659": "xenophobia", "30660": "catty", "30661": "delena", "30662": "shropshire", "30663": "ibiza", "30664": "bakery", "30665": "advocates", "30666": "womanizer", "30667": "bakers", "30668": "quotations", "30669": "weiners", "30670": "jnr", "30671": "idiocracy", "30672": "strum", "30673": "fattest", "30674": "astronomical", "30675": "🔊", "30676": "combinations", "30677": "", "30678": "grosses", "30679": "ithought", "30680": "pooja", "30681": "thyself", "30682": "patpat", "30683": "feelz", "30684": "outer", "30685": "affleck", "30686": "advisable", "30687": "downgrading", "30688": "backers", "30689": "fitty", "30690": "madre", "30691": "alta", "30692": "outed", "30693": "🐴", "30694": "ovechkin", "30695": "imbalance", "30696": "fefe", "30697": "nokia", "30698": "dike", "30699": "wahahaha", "30700": "cimorelli", "30701": "billions", "30702": "hannin", "30703": "hands", "30704": "documented", "30705": "caking", "30706": "handy", "30707": "literacy", "30708": "boyyyyyy", "30709": "grumbling", "30710": "risotto", "30711": "dosnt", "30712": "perfectionist", "30713": "crossing", "30714": "leash", "30715": "shaking", "30716": "uncaring", "30717": "skoo", "30718": "unwind", "30719": "skol", "30720": "illuminate", "30721": "illy", "30722": "illuminati", "30723": "700", "30724": "702", "30725": "fuuuuuuuck", "30726": "illl", "30727": "twitta", "30728": "explores", "30729": "margins", "30730": "dwill", "30731": "truuuuuuu", "30732": "longhorns", "30733": "confess", "30734": "unlawful", "30735": "memed", "30736": "wondrous", "30737": "virgintrains", "30738": "memes", "30739": "obsess", "30740": "torres", "30741": "cricketer", "30742": "watermark", "30743": "withdrawal", "30744": "humiliating", "30745": "clenching", "30746": "70s", "30747": "70m", "30748": "completely", "30749": "retry", "30750": "nisha", "30751": "70k", "30752": "yorkers", "30753": "ooooooooooo", "30754": "1983", "30755": "wookie", "30756": "hostile", "30757": "bougie", "30758": "2yo", "30759": "counterpart", "30760": "intoxicated", "30761": "shred", "30762": "protagonists", "30763": "subtweeting", "30764": "annoyin", "30765": "shrek", "30766": "cristian", "30767": "swapped", "30768": "wawrinka", "30769": "speedos", "30770": "thearchers", "30771": "precisely", "30772": "lahhh", "30773": "buf", "30774": "management", "30775": "disapproving", "30776": "practitioners", "30777": "filthy", "30778": "yotes", "30779": "eichi", "30780": "🌰", "30781": "pavel", "30782": "emiya", "30783": "mhmmmmm", "30784": "perfectly", "30785": "annnd", "30786": "prone", "30787": "rsl", "30788": "nyan", "30789": "hoyer", "30790": "ibn", "30791": "viktor", "30792": "greta", "30793": "nyaa", "30794": "hitching", "30795": "approachable", "30796": "cya", "30797": "masjid", "30798": "manipulation", "30799": "cyn", "30800": "rss", "30801": "schizophrenic", "30802": "metroid", "30803": "culture", "30804": "markell", "30805": "anaheim", "30806": "flippant", "30807": "howler", "30808": "plummeted", "30809": "storybrooke", "30810": "hellsing", "30811": "oopsie", "30812": "nakamura", "30813": "dartford", "30814": "portrait", "30815": "powerschool", "30816": "emptying", "30817": "fineee", "30818": "cranes", "30819": "constellation", "30820": "makeover", "30821": "bourne", "30822": "issuing", "30823": "pivotal", "30824": "detector", "30825": "ivanovic", "30826": "motha", "30827": "lectures", "30828": "mileage", "30829": "deploy", "30830": "passionately", "30831": "expires", "30832": "camper", "30833": "fister", "30834": "thts", "30835": "intentions", "30836": "moths", "30837": "alts", "30838": "lectured", "30839": "bbathechase", "30840": "camped", "30841": "fisted", "30842": "expired", "30843": "laurens", "30844": "laurent", "30845": "spleen", "30846": "snapshot", "30847": "databases", "30848": "2mrw", "30849": "mocha", "30850": "kodaline", "30851": "alaina", "30852": "qualms", "30853": "wayyyyyyy", "30854": "violation", "30855": "encrypted", "30856": "davido", "30857": "crate", "30858": "snapple", "30859": "bookshelf", "30860": "tryed", "30861": "loveable", "30862": "partners", "30863": "forex", "30864": "based", "30865": "tire", "30866": "rasa", "30867": "miniseries", "30868": "(", "30869": "transplants", "30870": "credited", "30871": "rask", "30872": "rash", "30873": "cantona", "30874": "finalised", "30875": "bases", "30876": "suckered", "30877": "rass", "30878": "libre", "30879": "aretha", "30880": "girlie", "30881": "infernal", "30882": "foodiechats", "30883": "beaumont", "30884": "lynn", "30885": "vill", "30886": "tbs", "30887": "tbr", "30888": "tbt", "30889": "kone", "30890": "tbh", "30891": "tbm", "30892": "tba", "30893": "tbc", "30894": "thomson", "30895": "procedures", "30896": "tbd", "30897": "tbf", "30898": "gray", "30899": "processes", "30900": "bestest", "30901": "lmaao", "30902": "gust", "30903": "quarantine", "30904": "gras", "30905": "ughh", "30906": "watershed", "30907": "topaz", "30908": "nutmeg", "30909": "processed", "30910": "gran", "30911": "ecosystem", "30912": "nooope", "30913": "grab", "30914": "grad", "30915": "jass", "30916": "spotted", "30917": "humans", "30918": "yost", "30919": "freeze", "30920": "yosh", "30921": "nuhh", "30922": "driveway", "30923": "desperate", "30924": "yakub", "30925": "humane", "30926": "thaaat", "30927": "unionists", "30928": "kakao", "30929": "kakak", "30930": "supernatural", "30931": "allotted", "30932": "sabotage", "30933": "outsiders", "30934": "aron", "30935": "comparable", "30936": "76ers", "30937": "buckets", "30938": "blinked", "30939": "rinsed", "30940": "shittiest", "30941": "diligent", "30942": "admin", "30943": "samaritan", "30944": "glomps", "30945": "presentations", "30946": "syed", "30947": "admit", "30948": "ciera", "30949": "🍵", "30950": "plankton", "30951": "_end_", "30952": "christen", "30953": "spewed", "30954": "spliff", "30955": "stalkin", "30956": "kasabian", "30957": "bronson", "30958": "distinguish", "30959": "decreases", "30960": "cynicism", "30961": "kings", "30962": "nyknicks", "30963": "gotze", "30964": "orig", "30965": "willy", "30966": "quit", "30967": "inhale", "30968": "yay", "30969": "quip", "30970": "quis", "30971": "yaz", "30972": "yat", "30973": "wills", "30974": "sara", "30975": "yap", "30976": "yas", "30977": "quiz", "30978": "cowards", "30979": "quid", "30980": "yao", "30981": "yan", "30982": "slowly", "30983": "willl", "30984": "yak", "30985": "yae", "30986": "sars", "30987": "quin", "30988": "yaa", "30989": "quik", "30990": "dwarfs", "30991": "hernandez", "30992": "corresponding", "30993": "earnhardt", "30994": "vinci", "30995": "togethers", "30996": "vince", "30997": "vibing", "30998": "kickers", "30999": "wsup", "31000": "jeeez", "31001": "winwin", "31002": "quotation", "31003": "bipartisan", "31004": "intimidate", "31005": "nickelback", "31006": "phishing", "31007": "mythology", "31008": "⛽", "31009": "wooohooo", "31010": "dontcha", "31011": "mirallas", "31012": "bucko", "31013": "demo", "31014": "sinnoh", "31015": "demi", "31016": "paraguay", "31017": "bucky", "31018": "dems", "31019": "swinging", "31020": "bucks", "31021": "capture", "31022": "pis", "31023": "hehehehehe", "31024": "generic", "31025": "oppas", "31026": "oppar", "31027": "weasley", "31028": "oppai", "31029": "strange", "31030": "neeeed", "31031": "underground", "31032": "fanatics", "31033": "roxas", "31034": "experimented", "31035": "unconventional", "31036": "promoters", "31037": "eccentric", "31038": "appearances", "31039": "canadians", "31040": "nightly", "31041": "heathers", "31042": "wryd", "31043": "kmlll", "31044": "fierce", "31045": "frequently", "31046": "spree", "31047": "magician", "31048": "endearing", "31049": "poultry", "31050": "cazorla", "31051": "weld", "31052": "well", "31053": "welp", "31054": "amends", "31055": "drone", "31056": "mixers", "31057": "sufc", "31058": "dosh", "31059": "spastic", "31060": "inebriated", "31061": "onde", "31062": "paperwork", "31063": "dosa", "31064": "mistaken", "31065": "dose", "31066": "mistakes", "31067": "doss", "31068": "jackal", "31069": "dost", "31070": "steward", "31071": "gonne", "31072": "expendable", "31073": "tenner", "31074": "feasting", "31075": "vida", "31076": "yeess", "31077": "vide", "31078": "ktown", "31079": "yeesh", "31080": "vids", "31081": "chappie", "31082": "leelee", "31083": "clouded", "31084": "subsidised", "31085": "livin", "31086": "desean", "31087": "munich", "31088": "livid", "31089": "recharging", "31090": "mahesh", "31091": "icardi", "31092": "mnths", "31093": "immediately", "31094": "🍞", "31095": "attila", "31096": "kaiju", "31097": "starry", "31098": "fingerprints", "31099": "dictionaries", "31100": "clown", "31101": "pagi", "31102": "5hrs", "31103": "4me", "31104": "debuchy", "31105": "refugees", "31106": "page", "31107": "adversity", "31108": "lager", "31109": "gillian", "31110": "980", "31111": "phenomena", "31112": "hush", "31113": "petes", "31114": "peter", "31115": "drizzle", "31116": "assisting", "31117": "competitor", "31118": "delaware", "31119": "appreciative", "31120": "sponsoring", "31121": "starch", "31122": "goodlooks", "31123": "?", "31124": "hinder", "31125": "coated", "31126": "inaccurate", "31127": "goatee", "31128": "journal", "31129": "camila", "31130": "ridley", "31131": "glasto", "31132": "poignant", "31133": "coates", "31134": "bundle", "31135": "londoners", "31136": "sways", "31137": "flunk", "31138": "tweeters", "31139": "freedom", "31140": "compatible", "31141": "mofo", "31142": "dominion", "31143": "cranberry", "31144": "puppies", "31145": "tongue", "31146": "eloquently", "31147": "pastries", "31148": "chulo", "31149": "equally", "31150": "sanji", "31151": "glenn", "31152": "washington", "31153": "articulate", "31154": "lahat", "31155": "raquel", "31156": "finalizing", "31157": "niner", "31158": "couldnt", "31159": "shordy", "31160": "weepy", "31161": "accused", "31162": "selenators", "31163": "weeps", "31164": "relegated", "31165": "funnily", "31166": "imperial", "31167": "hellfire", "31168": "delusions", "31169": "invisibility", "31170": "lopsided", "31171": "cldnt", "31172": "hoofs", "31173": "philips", "31174": "whoopsie", "31175": "ead", "31176": "damb", "31177": "neutral", "31178": "goals", "31179": "courts", "31180": "eas", "31181": "ear", "31182": "eau", "31183": "eat", "31184": "rahul", "31185": "prevalent", "31186": "bundled", "31187": "kessel", "31188": "grieve", "31189": "wanyama", "31190": "pansy", "31191": "rbis", "31192": "trainor", "31193": "barbershop", "31194": "pippin", "31195": "nuuu", "31196": "multiculturalism", "31197": "reconnecting", "31198": "strengthens", "31199": "ahahahhaha", "31200": "🦄", "31201": "tissues", "31202": "eris", "31203": "upsets", "31204": "erin", "31205": "utensils", "31206": "camryn", "31207": "pikey", "31208": "conan", "31209": "erik", "31210": "crystals", "31211": "erie", "31212": "draco", "31213": "eric", "31214": "fllwd", "31215": "pussycat", "31216": "diego", "31217": "arre", "31218": "arrd", "31219": "rumors", "31220": "arra", "31221": "keogh", "31222": "onwards", "31223": "malachi", "31224": "arrr", "31225": "stumps", "31226": "bbc4", "31227": "acrylic", "31228": "talkin", "31229": "arry", "31230": "motivator", "31231": "allstars", "31232": "victoriassecret", "31233": "astounding", "31234": "lill", "31235": "dragoon", "31236": "friendz", "31237": "tailgate", "31238": "iknew", "31239": "friends", "31240": "grunted", "31241": "dewey", "31242": "bcm", "31243": "brags", "31244": "bck", "31245": "marchmadness", "31246": "lakeland", "31247": "persistent", "31248": "bcc", "31249": "extras", "31250": "diagnosis", "31251": "uneducated", "31252": "recalled", "31253": "8th", "31254": "commencement", "31255": "simpson", "31256": "bcs", "31257": "blv", "31258": "ainge", "31259": "msgs", "31260": "arrieta", "31261": "mackerel", "31262": "ahahahahahahaha", "31263": "powders", "31264": "asian", "31265": "battleground", "31266": "marcorubio", "31267": "whose", "31268": "tobin", "31269": "calculate", "31270": "collisions", "31271": "qurl", "31272": "bragg", "31273": "protections", "31274": "teaspoon", "31275": "dukes", "31276": "reachin", "31277": "shagged", "31278": "rncincle", "31279": "vash", "31280": "aparently", "31281": "ders", "31282": "vase", "31283": "smack", "31284": "govern", "31285": "soiled", "31286": "vast", "31287": "airforce", "31288": "similes", "31289": "📣", "31290": "baking", "31291": "dern", "31292": "graced", "31293": "sureeeee", "31294": "incarceration", "31295": "graces", "31296": "raha", "31297": "enta", "31298": "creepin", "31299": "winded", "31300": "dookie", "31301": "10m", "31302": "rodman", "31303": "🤑", "31304": "10x", "31305": "lehigh", "31306": "enty", "31307": "10s", "31308": "10p", "31309": "implemented", "31310": "fixin", "31311": "windex", "31312": "briles", "31313": "preferences", "31314": "wreck", "31315": "tirelessly", "31316": "orchestra", "31317": "hazy", "31318": "bfore", "31319": "liberated", "31320": "haze", "31321": "fugg", "31322": "fucj", "31323": "hehhe", "31324": "vanswarpedtour", "31325": "intrest", "31326": "inhaled", "31327": "henrik", "31328": "108", "31329": "109", "31330": "governing", "31331": "102", "31332": "103", "31333": "100", "31334": "101", "31335": "106", "31336": "107", "31337": "104", "31338": "105", "31339": "dry", "31340": "suitably", "31341": "rests", "31342": "drs", "31343": "economics", "31344": "dru", "31345": "sjw", "31346": "guide", "31347": "dri", "31348": "credit", "31349": "harass", "31350": "drm", "31351": "dro", "31352": "adopting", "31353": "suitable", "31354": "dre", "31355": "grandkids", "31356": "reckoned", "31357": "worrie", "31358": "plea", "31359": "gorillaz", "31360": "specifics", "31361": "ninety", "31362": "tonya", "31363": "gorillas", "31364": "twinsies", "31365": "daley", "31366": "undesirable", "31367": "criminals", "31368": "leake", "31369": "lushcosmetics", "31370": "watering", "31371": "patched", "31372": "leaks", "31373": "leaky", "31374": "snowden", "31375": "❄", "31376": "lungs", "31377": "wary", "31378": "oscar", "31379": "wart", "31380": "slopes", "31381": "wars", "31382": "warp", "31383": "warn", "31384": "warm", "31385": "frenzy", "31386": "adult", "31387": "ward", "31388": "ware", "31389": "dales", "31390": "shepherds", "31391": "vlogging", "31392": "setup", "31393": "rahi", "31394": "trolled", "31395": "solitaire", "31396": "guise", "31397": "akin", "31398": "hansen", "31399": "jayda", "31400": "newfoundland", "31401": "programming", "31402": "lao", "31403": "advancing", "31404": "unforgettable", "31405": "turners", "31406": "aging", "31407": "joann", "31408": "dickface", "31409": "kieron", "31410": "sharepoint", "31411": "westy", "31412": "faults", "31413": "twitching", "31414": "flanders", "31415": "🌷", "31416": "faulty", "31417": "scooters", "31418": "_", "31419": "bluewater", "31420": "untill", "31421": "becky", "31422": "flustered", "31423": "replacing", "31424": "becks", "31425": "becki", "31426": "timelines", "31427": "waterfront", "31428": "president", "31429": "risa", "31430": "karachi", "31431": "attempt", "31432": "mastodon", "31433": "overtaken", "31434": "weekender", "31435": "recieved", "31436": "thangs", "31437": "simmonds", "31438": "bahasa", "31439": "xsplit", "31440": "arryleenheerghv", "31441": "ethernet", "31442": "reciever", "31443": "banger", "31444": "tribulations", "31445": "bootylicious", "31446": "softened", "31447": "banget", "31448": "lolololololol", "31449": "gettysburg", "31450": "ghastly", "31451": "eavesdropping", "31452": "banged", "31453": "oswald", "31454": "appropriating", "31455": "destinys", "31456": "wnat", "31457": "shitheads", "31458": "chihuahua", "31459": "🐤", "31460": "frisky", "31461": "polygamy", "31462": "irani", "31463": "woolwich", "31464": "plantation", "31465": "missionary", "31466": "enlisted", "31467": "persist", "31468": "weeks", "31469": "undress", "31470": "belarus", "31471": "collabo", "31472": "onceuponatime", "31473": "tthe", "31474": "griezmann", "31475": "therapy", "31476": "collabs", "31477": "isee", "31478": "axx", "31479": "courtside", "31480": "bony", "31481": "thenn", "31482": "meat", "31483": "sheith", "31484": "incumbent", "31485": "sleepless", "31486": "bonk", "31487": "bono", "31488": "mead", "31489": "sasuke", "31490": "mounts", "31491": "bona", "31492": "briana", "31493": "bong", "31494": "meal", "31495": "bone", "31496": "mean", "31497": "nava", "31498": "improvise", "31499": "sahab", "31500": "liga", "31501": "gunna", "31502": "dutt", "31503": "24h", "31504": "24k", "31505": "marital", "31506": "gunny", "31507": "milan", "31508": "stealing", "31509": "navy", "31510": "tekken", "31511": "kier", "31512": "heli", "31513": "velvet", "31514": "kiev", "31515": "squee", "31516": "hudds", "31517": "quantify", "31518": "tales", "31519": "crucial", "31520": "patricks", "31521": "reader", "31522": "revolving", "31523": "kiwis", "31524": "instigate", "31525": "rehearsed", "31526": "cutest", "31527": "whiff", "31528": "tasha", "31529": "1000x", "31530": "cutesy", "31531": "fave", "31532": "bldg", "31533": "whammy", "31534": "245", "31535": "244", "31536": "aboriginal", "31537": "246", "31538": "241", "31539": "240", "31540": "243", "31541": "242", "31542": "jackman", "31543": "pune", "31544": "favs", "31545": "249", "31546": "248", "31547": "favv", "31548": "nietzsche", "31549": "impossibility", "31550": "fersure", "31551": "ableist", "31552": "fleck", "31553": "100000", "31554": "naughty", "31555": "features", "31556": "lifeee", "31557": "reassure", "31558": "walkers", "31559": "featured", "31560": "fassbender", "31561": "comforter", "31562": "downton", "31563": "ditch", "31564": "popsicles", "31565": "🌠", "31566": "3gb", "31567": "bonita", "31568": "guadalupe", "31569": "dumbfounded", "31570": "growlithe", "31571": "howzit", "31572": "batt", "31573": "dwell", "31574": "hollywood", "31575": "goalkeeper", "31576": "mysterio", "31577": "solemnly", "31578": "actully", "31579": "letsss", "31580": "wieners", "31581": "bouncing", "31582": "gym", "31583": "gambled", "31584": "teenwolf", "31585": "gyu", "31586": "stoic", "31587": "helen", "31588": "hadnt", "31589": "gambler", "31590": "boarding", "31591": "distance", "31592": "lenovo", "31593": "shoutouts", "31594": "exorcist", "31595": "fairytale", "31596": "tonigh", "31597": "enabled", "31598": "prayin", "31599": "preparation", "31600": "persuade", "31601": "tingling", "31602": "loiter", "31603": "enabler", "31604": "enables", "31605": "guessin", "31606": "godwin", "31607": "mini", "31608": "mink", "31609": "", "31610": "minn", "31611": "mino", "31612": "quench", "31613": "mina", "31614": "modern", "31615": "caleb", "31616": "mine", "31617": "ming", "31618": "minx", "31619": "anohana", "31620": "seee", "31621": "boyyyy", "31622": "emison", "31623": "glistening", "31624": "seen", "31625": "seem", "31626": "sounding", "31627": "mint", "31628": "4x4", "31629": "thornton", "31630": "jiho", "31631": "devolution", "31632": "paintballing", "31633": "dipset", "31634": "davidson", "31635": "❷", "31636": "mashed", "31637": "memorabilia", "31638": "translator", "31639": "regular", "31640": "meddling", "31641": "bulldogs", "31642": "shabazz", "31643": "docker", "31644": "doj", "31645": "treasonous", "31646": "7am", "31647": "doi", "31648": "don", "31649": "doo", "31650": "dol", "31651": "dom", "31652": "dob", "31653": "mushy", "31654": "alarm", "31655": "doa", "31656": "m", "31657": "dog", "31658": "dod", "31659": "doe", "31660": "dox", "31661": "principle", "31662": "dor", "31663": "dos", "31664": "📺", "31665": "consumer", "31666": "dow", "31667": "dot", "31668": "dou", "31669": "unanimously", "31670": "sowy", "31671": "hahahahahahahahaha", "31672": "hunger", "31673": "jurisdiction", "31674": "syntax", "31675": "sowi", "31676": "chord", "31677": "sown", "31678": "guilds", "31679": "sneaking", "31680": "exploits", "31681": "ufc200", "31682": "powering", "31683": "photographic", "31684": "explain", "31685": "sugar", "31686": "dreamhack", "31687": "dayday", "31688": "stabbing", "31689": "folks", "31690": "ashford", "31691": "inventor", "31692": "disconnecting", "31693": "monica", "31694": "tiles", "31695": "patter", "31696": "rejoicing", "31697": "conduct", "31698": "coast", "31699": "patted", "31700": "nigguh", "31701": "b2st", "31702": "chronological", "31703": "blergh", "31704": "ayam", "31705": "disco", "31706": "breadstick", "31707": "discs", "31708": "architecture", "31709": "mawnin", "31710": "cower", "31711": "grilled", "31712": "fluffs", "31713": "decides", "31714": "julien", "31715": "fascinating", "31716": "yurs", "31717": "fluffy", "31718": "decided", "31719": "stfuuu", "31720": "literaly", "31721": "cabron", "31722": "midst", "31723": "juliet", "31724": "pete", "31725": "03", "31726": "00", "31727": "01", "31728": "peta", "31729": "07", "31730": "04", "31731": "05", "31732": "08", "31733": "09", "31734": "smacks", "31735": "majored", "31736": "pets", "31737": "simplest", "31738": "baboon", "31739": "youe", "31740": "warrior", "31741": "lazy", "31742": "triplet", "31743": "triples", "31744": "cavalier", "31745": "stared", "31746": "aaliyah", "31747": "arun", "31748": "tripled", "31749": "azam", "31750": "duckin", "31751": "worksheets", "31752": "beaters", "31753": "laze", "31754": "0s", "31755": "erdogan", "31756": "unt", "31757": "unu", "31758": "against", "31759": "deadddd", "31760": "una", "31761": "puffin", "31762": "unc", "31763": "und", "31764": "fnb", "31765": "unf", "31766": "ung", "31767": "unh", "31768": "uni", "31769": "unk", "31770": "unm", "31771": "unn", "31772": "uno", "31773": "sighhh", "31774": "facemask", "31775": "twinkies", "31776": "yeaaahh", "31777": "height", "31778": "offerings", "31779": "heeheehee", "31780": "initiative", "31781": "nilly", "31782": "tiana", "31783": "loaded", "31784": "arsenic", "31785": "shortness", "31786": "riled", "31787": "abdominal", "31788": "sam", "31789": "afrikaans", "31790": "frist", "31791": "futility", "31792": "supremacist", "31793": "referendum", "31794": "erect", "31795": "pronouncing", "31796": "replicate", "31797": "arroyo", "31798": "frisk", "31799": "okayy", "31800": "riley", "31801": "website", "31802": "chug", "31803": "yessssss", "31804": "scrunched", "31805": "chun", "31806": "suppress", "31807": "chum", "31808": "saf", "31809": "chut", "31810": "chuu", "31811": "chur", "31812": "sae", "31813": "chup", "31814": "personally", "31815": "fuckity", "31816": "regretted", "31817": "censored", "31818": "yaaaasss", "31819": "kota", "31820": "prestigious", "31821": "illiteracy", "31822": "teamfollowback", "31823": "mustangs", "31824": "houdini", "31825": "orrrrrrr", "31826": "melted", "31827": "okay2", "31828": "windowsphone", "31829": "thedemocrats", "31830": "foiled", "31831": "defeated", "31832": "fakes", "31833": "gianna", "31834": "ohyeah", "31835": "mantis", "31836": "faked", "31837": "mouse", "31838": "mako", "31839": "bello", "31840": "goodddd", "31841": "maki", "31842": "belle", "31843": "make", "31844": "polaroid", "31845": "bella", "31846": "maka", "31847": "belly", "31848": "unfortunate", "31849": "filtered", "31850": "maks", "31851": "bells", "31852": "vibrates", "31853": "shatner", "31854": "scarfs", "31855": "kis", "31856": "kip", "31857": "differing", "31858": "kit", "31859": "delight", "31860": "ddnt", "31861": "garlic", "31862": "kin", "31863": "kim", "31864": "kil", "31865": "kia", "31866": "looll", "31867": "opportunity", "31868": "larissa", "31869": "kid", "31870": "butter", "31871": "wtffffff", "31872": "superstore", "31873": "believemovie", "31874": "neptune", "31875": "forever21", "31876": "materials", "31877": "somuch", "31878": "butted", "31879": "woohoooo", "31880": "rakitic", "31881": "protocol", "31882": "consciousness", "31883": "wasteful", "31884": "unfollow", "31885": "muahahah", "31886": "somethings", "31887": "verses", "31888": "transforms", "31889": "human", "31890": "✖", "31891": "tattooed", "31892": "impending", "31893": "buyers", "31894": "flossing", "31895": "legion", "31896": "tagline", "31897": "assassination", "31898": "character", "31899": "clarksville", "31900": "sureee", "31901": "chaeyeon", "31902": "stomped", "31903": "adress", "31904": "♀", "31905": "preseason", "31906": "tributes", "31907": "🍎", "31908": "overcame", "31909": "dreamy", "31910": "destroy", "31911": "dreamt", "31912": "dreams", "31913": "shoulder", "31914": "dignity", "31915": "daemon", "31916": "janky", "31917": "performing", "31918": "unnecessary", "31919": "arrivals", "31920": "disillusioned", "31921": "eew", "31922": "cliché", "31923": "geordies", "31924": "pacquiao", "31925": "eastwood", "31926": "intern", "31927": "kbbq", "31928": "mostest", "31929": "cypress", "31930": "theatrical", "31931": "grading", "31932": "lmaaaao", "31933": "skullgirls", "31934": "jenks", "31935": "heathrow", "31936": "veda", "31937": "conquering", "31938": "bowers", "31939": "meanings", "31940": "microwaves", "31941": "📌", "31942": "popular", "31943": "protagonist", "31944": "softness", "31945": "˘", "31946": "scaffolding", "31947": "empowerment", "31948": "vaginas", "31949": "priyanka", "31950": "ribs", "31951": "valentines", "31952": "clichy", "31953": "cliche", "31954": "faust", "31955": "vaginal", "31956": "marshal", "31957": "whatt", "31958": "whats", "31959": "tastier", "31960": "jens", "31961": "whatz", "31962": "capris", "31963": "shippers", "31964": "whatd", "31965": "whata", "31966": "jenn", "31967": "jena", "31968": "birdies", "31969": "woking", "31970": "foooood", "31971": "introspection", "31972": "m4", "31973": "shortstop", "31974": "cantik", "31975": "appletv", "31976": "inspected", "31977": "ymcmb", "31978": "forhead", "31979": "victorious", "31980": "counterproductive", "31981": "hiiiiiiii", "31982": "linus", "31983": "kimbrel", "31984": "pvt", "31985": "omggggggggg", "31986": "lowe", "31987": "redman", "31988": "m3", "31989": "m2", "31990": "failure", "31991": "splint", "31992": "nutsack", "31993": "lows", "31994": "allahu", "31995": "surrender", "31996": "outsmart", "31997": "glozell", "31998": "mouthed", "31999": "protestant", "32000": "droids", "32001": "bounds", "32002": "20pm", "32003": "propaganda", "32004": "constable", "32005": "🐍", "32006": "facilitator", "32007": "gland", "32008": "fatherhood", "32009": "anthrax", "32010": "widows", "32011": "42nd", "32012": "headshots", "32013": "discriminate", "32014": "clingy", "32015": "agreeing", "32016": "clings", "32017": "elway", "32018": "willful", "32019": "fs1", "32020": "grabby", "32021": "warehouse", "32022": "musa", "32023": "garland", "32024": "delivered", "32025": "dota2", "32026": "tmmr", "32027": "frodo", "32028": "outback", "32029": "hollered", "32030": "russe", "32031": "uknow", "32032": "shatters", "32033": "russo", "32034": "fsa", "32035": "fsb", "32036": "fse", "32037": "potato", "32038": "noida", "32039": "gorilla", "32040": "cspanwj", "32041": "fsu", "32042": "teeth", "32043": "managed", "32044": "boomer", "32045": "walking", "32046": "cougars", "32047": "manager", "32048": "manages", "32049": "claret", "32050": "leche", "32051": "9999", "32052": "resourceful", "32053": "eamon", "32054": "gael", "32055": "depend", "32056": "positioned", "32057": "marissa", "32058": "fancies", "32059": "moreeee", "32060": "burnout", "32061": "hurtin", "32062": "petersburg", "32063": "suffered", "32064": "fancied", "32065": "shoot", "32066": "smartphone", "32067": "shutcho", "32068": "tacos", "32069": "soapy", "32070": "howwwww", "32071": "ianto", "32072": "bast", "32073": "join", "32074": "unni", "32075": "unno", "32076": "mashing", "32077": "trended", "32078": "cleaners", "32079": "unopened", "32080": "democrat", "32081": "keepers", "32082": "forgets", "32083": "item", "32084": "excellence", "32085": "hwaiting", "32086": "itee", "32087": "sfgiants", "32088": "attracting", "32089": "starwars", "32090": "talaga", "32091": "nineties", "32092": "camelot", "32093": "dodo", "32094": "inconsequential", "32095": "mh", "32096": "____", "32097": "mk", "32098": "semifinals", "32099": "stealer", "32100": "onit", "32101": "adds", "32102": "tazer", "32103": "soweto", "32104": "jcole", "32105": "addy", "32106": "elounor", "32107": "reunite", "32108": "mv", "32109": "flogging", "32110": "jpeg", "32111": "sweaters", "32112": "unban", "32113": "addi", "32114": "meanies", "32115": "keir", "32116": "oscarpistorius", "32117": "dweller", "32118": "mussels", "32119": "makeup", "32120": "superstition", "32121": "tangent", "32122": "benzino", "32123": "50cent", "32124": "hbo", "32125": "blinker", "32126": "hbk", "32127": "battling", "32128": "hbd", "32129": "bruises", "32130": "bruiser", "32131": "ohoho", "32132": "globalization", "32133": "simultaneous", "32134": "hby", "32135": "suggestion", "32136": "raccoon", "32137": "conveniently", "32138": "swipes", "32139": "takeoff", "32140": "bruised", "32141": "itttttt", "32142": "stew", "32143": "easyjet", "32144": "rotel", "32145": "pve", "32146": "adjustable", "32147": "elect", "32148": "aidan", "32149": "taunton", "32150": "🦋", "32151": "kayak", "32152": "verga", "32153": "patriots", "32154": "verge", "32155": "plots", "32156": "ssshhhh", "32157": "sarahs", "32158": "hotels", "32159": "pleaseeeeeeee", "32160": "ayo", "32161": "ayn", "32162": "gonzo", "32163": "wealth", "32164": "baes", "32165": "swea", "32166": "🔨", "32167": "mh17", "32168": "dude", "32169": "swagged", "32170": "sweg", "32171": "connector", "32172": "baee", "32173": "slog", "32174": "ayy", "32175": "gamestop", "32176": "kristian", "32177": "ayu", "32178": "ayt", "32179": "duds", "32180": "yoghurt", "32181": "baek", "32182": "oooooooo", "32183": "vous", "32184": "conformation", "32185": "kirst", "32186": "oooooooh", "32187": "cintiq", "32188": "inshaallah", "32189": "💻", "32190": "demolish", "32191": "courseeee", "32192": "markham", "32193": "orion", "32194": "glorifying", "32195": "pinkberry", "32196": "reviews", "32197": "hwarang", "32198": "septum", "32199": "🍼", "32200": "lords", "32201": "classrooms", "32202": "grouchy", "32203": "kenneth", "32204": "lobbying", "32205": "lordy", "32206": "confused", "32207": "pally", "32208": "😕", "32209": "battered", "32210": "council", "32211": "lorde", "32212": "confuses", "32213": "redness", "32214": "iiiiii", "32215": "arbor", "32216": "pervs", "32217": "lubbock", "32218": "pervy", "32219": "fishies", "32220": "perve", "32221": "parcs", "32222": "maestro", "32223": "loaves", "32224": "map", "32225": "mas", "32226": "mar", "32227": "mau", "32228": "mat", "32229": "maw", "32230": "mav", "32231": "strokes", "32232": "max", "32233": "fed", "32234": "vhat", "32235": "maa", "32236": "sustainability", "32237": "mac", "32238": "mae", "32239": "mankind", "32240": "mag", "32241": "congressman", "32242": "mai", "32243": "mah", "32244": "mak", "32245": "destructive", "32246": "journals", "32247": "mal", "32248": "mao", "32249": "man", "32250": "scrambling", "32251": "hemlock", "32252": "neck", "32253": "johnson", "32254": "👩", "32255": "tale", "32256": "cascade", "32257": "tala", "32258": "toooooooo", "32259": "deceive", "32260": "unleash", "32261": "talm", "32262": "tall", "32263": "tali", "32264": "talk", "32265": "shield", "32266": "schwartz", "32267": "hendo", "32268": "transcribing", "32269": "shaky", "32270": "wishing", "32271": "introductions", "32272": "kimmel", "32273": "lyric", "32274": "enn", "32275": "pitch", "32276": "foxsports1", "32277": "kondogbia", "32278": "brained", "32279": "wrexham", "32280": "undermined", "32281": "racecar", "32282": "grammatically", "32283": "startrek", "32284": "gato", "32285": "listing", "32286": "undermines", "32287": "brainer", "32288": "amazingggg", "32289": "emailed", "32290": "adjacent", "32291": "fanfictions", "32292": "undisclosed", "32293": "christening", "32294": "krueger", "32295": "┌", "32296": "srsly", "32297": "safari", "32298": "attorneys", "32299": "jeongguk", "32300": "artist", "32301": "arrows", "32302": "awwwwwwww", "32303": "roch", "32304": "pinball", "32305": "rock", "32306": "scolded", "32307": "hijack", "32308": "trope", "32309": "cheekily", "32310": "fen", "32311": "eyelid", "32312": "zurich", "32313": "bizzle", "32314": "unlock", "32315": "absurdly", "32316": "signage", "32317": "deplorables", "32318": "got7", "32319": "scion", "32320": "gonzalez", "32321": "emerges", "32322": "jackson", "32323": "gamers", "32324": "3rd", "32325": "greeks", "32326": "operates", "32327": "blitzkrieg", "32328": "ymca", "32329": "dutch", "32330": "pizzeria", "32331": "sensor", "32332": "robles", "32333": "cougs", "32334": "behaving", "32335": "goth", "32336": "orz", "32337": "goto", "32338": "chavs", "32339": "quran", "32340": "sideways", "32341": "tamworth", "32342": "gota", "32343": "orr", "32344": "smudge", "32345": "brooks", "32346": "gotz", "32347": "oro", "32348": "goty", "32349": "orh", "32350": "ori", "32351": "brooke", "32352": "org", "32353": "ord", "32354": "headband", "32355": "keith", "32356": "orc", "32357": "gott", "32358": "bangladesh", "32359": "advance", "32360": "macos", "32361": "thins", "32362": "headphones", "32363": "ohhhhhhhhhh", "32364": "16th", "32365": "thing", "32366": "thine", "32367": "faze5", "32368": "40x40", "32369": "think", "32370": "macon", "32371": "cheese", "32372": "zzzzzzzzz", "32373": "roswell", "32374": "crie", "32375": "daebak", "32376": "askfm", "32377": "crib", "32378": "suspended", "32379": "crit", "32380": "sounds", "32381": "crip", "32382": "cheesy", "32383": "sehri", "32384": "cris", "32385": "1p", "32386": "1s", "32387": "1x", "32388": "━", "32389": "40min", "32390": "anyone", "32391": "1c", "32392": "1b", "32393": "1d", "32394": "theatrics", "32395": "1h", "32396": "1k", "32397": "rebuttal", "32398": "participated", "32399": "mermaid", "32400": "bloodshed", "32401": "anus", "32402": "eyes", "32403": "bute", "32404": "agad", "32405": "moscow", "32406": "eyez", "32407": "broadcast", "32408": "hartford", "32409": "eyed", "32410": "mylife", "32411": "butt", "32412": "cleanse", "32413": "ceramics", "32414": "11", "32415": "10", "32416": "13", "32417": "12", "32418": "15", "32419": "14", "32420": "sailing", "32421": "16", "32422": "19", "32423": "18", "32424": "compromises", "32425": "sinai", "32426": "midtown", "32427": "terrance", "32428": "booted", "32429": "burbs", "32430": "lnow", "32431": "gathering", "32432": "stubby", "32433": "yalll", "32434": "preston", "32435": "bolognese", "32436": "exceeded", "32437": "aqw", "32438": "stubbs", "32439": "comedian", "32440": "yalls", "32441": "unpunished", "32442": "heared", "32443": "warsaw", "32444": "60x60", "32445": "speakers", "32446": "hooded", "32447": "castor", "32448": "allison", "32449": "efficient", "32450": "pineda", "32451": "fet", "32452": "isolate", "32453": "endangered", "32454": "clearwater", "32455": "potential", "32456": "hmmmmmmmm", "32457": "operated", "32458": "switching", "32459": "msh", "32460": "laffy", "32461": "straightening", "32462": "roster", "32463": "cheesecake", "32464": "friedman", "32465": "midas", "32466": "insanity", "32467": "nolan", "32468": "inspirit", "32469": "bowels", "32470": "coveted", "32471": "sutton", "32472": "lerner", "32473": "danna", "32474": "rashid", "32475": "wielding", "32476": "spectate", "32477": "properly", "32478": "stockings", "32479": "damnn", "32480": "mkr", "32481": "shop", "32482": "rating", "32483": "maxine", "32484": "shot", "32485": "shou", "32486": "show", "32487": "okayokay", "32488": "isthatweird", "32489": "corned", "32490": "elevate", "32491": "grandaddy", "32492": "shoe", "32493": "emot", "32494": "corner", "32495": "shon", "32496": "shoo", "32497": "deportation", "32498": "fend", "32499": "dicc", "32500": "dice", "32501": "plume", "32502": "dick", "32503": "walahi", "32504": "bossy", "32505": "mcmanus", "32506": "lorenzo", "32507": "usos", "32508": "germs", "32509": "custserv", "32510": "plums", "32511": "plump", "32512": "xcom", "32513": "ishhh", "32514": "exaggeration", "32515": "employers", "32516": "2ma", "32517": "nearly", "32518": "2me", "32519": "telekinesis", "32520": "wheeze", "32521": "bastille", "32522": "2mo", "32523": "secondary", "32524": "mandated", "32525": "mizuki", "32526": "fanboy", "32527": "decks", "32528": "worrying", "32529": "silently", "32530": "cocktails", "32531": "hickies", "32532": "teething", "32533": "squidward", "32534": "plsssss", "32535": "camping", "32536": "sleepin", "32537": "🎪", "32538": "ornament", "32539": "diamonds", "32540": "straighteners", "32541": "🐻", "32542": "ruptured", "32543": "dempsey", "32544": "ahhaah", "32545": "parental", "32546": "legitimacy", "32547": "slingshot", "32548": "crucified", "32549": "mosquitos", "32550": "jfk", "32551": "fairplay", "32552": "780", "32553": "tuck", "32554": "jfc", "32555": "jfb", "32556": "owaisi", "32557": "uninspiring", "32558": "amateurs", "32559": "cuhhh", "32560": "ricoh", "32561": "profs", "32562": "cornered", "32563": "ambassadors", "32564": "bishes", "32565": "slits", "32566": "accusation", "32567": "slain", "32568": "ashwin", "32569": "cyndi", "32570": "sensible", "32571": "intrude", "32572": "normalizing", "32573": "domt", "32574": "marist", "32575": "overrrrr", "32576": "feeders", "32577": "castrated", "32578": "workshop", "32579": "dependable", "32580": "̴", "32581": "shakers", "32582": "naruto", "32583": "jett", "32584": "🚽", "32585": "sensibly", "32586": "prue", "32587": "marisa", "32588": "ㅠㅠ", "32589": "educated", "32590": "happyyyy", "32591": "uggghh", "32592": "chillll", "32593": "regency", "32594": "parrish", "32595": "killary", "32596": "predicament", "32597": "migrants", "32598": "destiel", "32599": "ongoing", "32600": "ignition", "32601": "rajiv", "32602": "conferences", "32603": "ethically", "32604": "unwise", "32605": "marcel", "32606": "yeeep", "32607": "jitsu", "32608": "pressing", "32609": "12th", "32610": "shippuden", "32611": "offff", "32612": "pirlo", "32613": "saath", "32614": "doooooooo", "32615": "balik", "32616": "sproles", "32617": "smoak", "32618": "🔰", "32619": "cabana", "32620": "goign", "32621": "enquiries", "32622": "converses", "32623": "speech", "32624": "urself", "32625": "lucian", "32626": "olitz", "32627": "jeffrey", "32628": "oil", "32629": "meself", "32630": "chloroform", "32631": "oic", "32632": "riggs", "32633": "diversion", "32634": "climbing", "32635": "oit", "32636": "flexed", "32637": "jeffree", "32638": "weave", "32639": "anthology", "32640": "largely", "32641": "macro", "32642": "kaam", "32643": "roughly", "32644": "substantive", "32645": "solve", "32646": "creeper", "32647": "easing", "32648": "bumping", "32649": "parody", "32650": "monet", "32651": "money", "32652": "adjustments", "32653": "boah", "32654": "yonks", "32655": "gurrrrl", "32656": "barbados", "32657": "sprang", "32658": "yaaas", "32659": "yaaay", "32660": "pups", "32661": "cayenne", "32662": "asot", "32663": "yaaaa", "32664": "shingles", "32665": "ahhhh", "32666": "dunham", "32667": "yaaah", "32668": "heavier", "32669": "pill", "32670": "grip", "32671": "jake", "32672": "grit", "32673": "gloom", "32674": "ezekiel", "32675": "griz", "32676": "lma", "32677": "pleaaaaase", "32678": "lululemon", "32679": "grid", "32680": "mccain", "32681": "luthor", "32682": "grim", "32683": "grin", "32684": "macarthur", "32685": "miitomo", "32686": "homosexuality", "32687": "serves", "32688": "server", "32689": "thorpe", "32690": "bozak", "32691": "either", "32692": "hallelujah", "32693": "served", "32694": "noct", "32695": "sneaker", "32696": "fonts", "32697": "cabo", "32698": "pittsburg", "32699": "titan", "32700": "ascend", "32701": "5v5", "32702": "sentinel", "32703": "erase", "32704": "sneaked", "32705": "cabs", "32706": "matching", "32707": "cabt", "32708": "explode", "32709": "ellis", "32710": "confirm", "32711": "colonial", "32712": "extensively", "32713": "welkam", "32714": "pioneer", "32715": "ellie", "32716": "newport", "32717": "aamaadmiparty", "32718": "grafting", "32719": "mwah", "32720": "apocalyptic", "32721": "qns", "32722": "breastfeed", "32723": "dictators", "32724": "plzzz", "32725": "yuuri", "32726": "qna", "32727": "tonks", "32728": "shmoke", "32729": "crafting", "32730": "testimonial", "32731": "smear", "32732": "fringe", "32733": "falkirk", "32734": "mixer", "32735": "mixes", "32736": "trice", "32737": "r1", "32738": "youve", "32739": "mixed", "32740": "victors", "32741": "provisional", "32742": "barnsley", "32743": "honky", "32744": "referenced", "32745": "dagger", "32746": "honks", "32747": "kalin", "32748": "blessed", "32749": "shri", "32750": "gomen", "32751": "2v2", "32752": "🎓", "32753": "references", "32754": "inbox", "32755": "yyc", "32756": "strip", "32757": "annoys", "32758": "gomez", "32759": "wildn", "32760": "needlessly", "32761": "shells", "32762": "hebrews", "32763": "jigsaw", "32764": "totalitarian", "32765": "shelly", "32766": "madder", "32767": "caterpillars", "32768": "redbull", "32769": "pretends", "32770": "mignolet", "32771": "purgatory", "32772": "", "32773": "strikes", "32774": "striker", "32775": "hiccup", "32776": "👒", "32777": "intoxication", "32778": "shrugs", "32779": "downstairs", "32780": "adler", "32781": "khloe", "32782": "romantic", "32783": "pitting", "32784": "renewables", "32785": "pacman", "32786": "ember", "32787": "hatchet", "32788": "zooming", "32789": "ugggh", "32790": "evilly", "32791": "🤖", "32792": "blackbird", "32793": "embed", "32794": "electrifying", "32795": "palate", "32796": "deez", "32797": "htgawm", "32798": "maxes", "32799": "conundrum", "32800": "dva", "32801": "lint", "32802": "citation", "32803": "deer", "32804": "dees", "32805": "deep", "32806": "general", "32807": "maxed", "32808": "fila", "32809": "deem", "32810": "grasped", "32811": "file", "32812": "babyboy", "32813": "deed", "32814": "bbott", "32815": "syrian", "32816": "film", "32817": "fill", "32818": "tedious", "32819": "selfish", "32820": "genres", "32821": "notttt", "32822": "🚦", "32823": "personnel", "32824": "drivers", "32825": "repent", "32826": "twerp", "32827": "workday", "32828": "effin", "32829": "prism", "32830": "twerk", "32831": "effie", "32832": "fruitless", "32833": "baddd", "32834": "tireddd", "32835": "berman", "32836": "important", "32837": "chris", "32838": "dropbox", "32839": "decorated", "32840": "sneeze", "32841": "svt", "32842": "conclusive", "32843": "20mins", "32844": "sewed", "32845": "defoe", "32846": "wets", "32847": "resale", "32848": "sewer", "32849": "tensed", "32850": "resembles", "32851": "alright", "32852": "husky", "32853": "ovary", "32854": "oral", "32855": "sinker", "32856": "defos", "32857": "emile", "32858": "dollaz", "32859": "vile", "32860": "watergate", "32861": "duplicates", "32862": "washed", "32863": "forbidden", "32864": "dollar", "32865": "worms", "32866": "devine", "32867": "shrooms", "32868": "sunk", "32869": "zing", "32870": "browsers", "32871": "zinc", "32872": "fixtures", "32873": "mommies", "32874": "sung", "32875": "emily", "32876": "woooow", "32877": "nines", "32878": "heirs", "32879": "felton", "32880": "shredding", "32881": "alberto", "32882": "prodding", "32883": "wooooo", "32884": "huddersfield", "32885": "overdoing", "32886": "hideout", "32887": "hideous", "32888": "instigating", "32889": "mandela", "32890": "turnips", "32891": "motherfuck", "32892": "returning", "32893": "bleach", "32894": "difference", "32895": "gow", "32896": "kath", "32897": "afcb", "32898": "gov", "32899": "tomrrow", "32900": "cackling", "32901": "kati", "32902": "applicable", "32903": "stringer", "32904": "portable", "32905": "jokin", "32906": "grasshopper", "32907": "grabs", "32908": "preposterous", "32909": "sivan", "32910": "arizona", "32911": "grabe", "32912": "appreciating", "32913": "cigars", "32914": "90s", "32915": "illogical", "32916": "publix", "32917": "invoking", "32918": "marathi", "32919": "niamh", "32920": "boothang", "32921": "90k", "32922": "fingerscrossed", "32923": "public", "32924": "bloodbath", "32925": "nagisa", "32926": "bowtie", "32927": "compilation", "32928": "blackhawk", "32929": "component", "32930": "minuets", "32931": "table", "32932": "à", "32933": "900", "32934": "bible", "32935": "jackin", "32936": "jackie", "32937": "jalan", "32938": "creepiness", "32939": "13m", "32940": "whimsical", "32941": "himym", "32942": "beasting", "32943": "jazmine", "32944": "cowardly", "32945": "iwanna", "32946": "emptied", "32947": "empties", "32948": "rican", "32949": "suits", "32950": "outgrown", "32951": "readily", "32952": "eya", "32953": "twc", "32954": "trish", "32955": "eye", "32956": "twd", "32957": "culinary", "32958": "rafe", "32959": "asta", "32960": "wiped", "32961": "raff", "32962": "texting", "32963": "two", "32964": "comparing", "32965": "omgggg", "32966": "splash", "32967": "amenities", "32968": "twt", "32969": "libel", "32970": "eyy", "32971": "raft", "32972": "dunks", "32973": "sunbaenim", "32974": "wiper", "32975": "wipes", "32976": "pawing", "32977": "awards", "32978": "canon", "32979": "offs", "32980": "leonard", "32981": "yolanda", "32982": "lemons", "32983": "cluttered", "32984": "liiiike", "32985": "spoby", "32986": "🍬", "32987": "headbutted", "32988": "paragraph", "32989": "crota", "32990": "abandon", "32991": "mediums", "32992": "fillin", "32993": "kefia", "32994": "morty", "32995": "korma", "32996": "😅", "32997": "linc", "32998": "steffy", "32999": "✏", "33000": "fangirled", "33001": "sphere", "33002": "attain", "33003": "reliving", "33004": "steffi", "33005": "ughhhh", "33006": "!", "33007": "triathlon", "33008": "awkward", "33009": "shanked", "33010": "fullback", "33011": "blad", "33012": "quesadilla", "33013": "thouu", "33014": "profiting", "33015": "ensemble", "33016": "gtfo", "33017": "advice", "33018": "scrunching", "33019": "yeppp", "33020": "haahaa", "33021": "👙", "33022": "30x30", "33023": "hypnotized", "33024": "crowded", "33025": "fagit", "33026": "jrpgs", "33027": "spiteful", "33028": "crippling", "33029": "blunder", "33030": "deserted", "33031": "crowder", "33032": "felicity", "33033": "responsibility", "33034": "yaaaassss", "33035": "playing", "33036": "excepted", "33037": "inspectors", "33038": "rifles", "33039": "folowed", "33040": "wudnt", "33041": "winged", "33042": "cked", "33043": "radar", "33044": "narratives", "33045": "filters", "33046": "suffer", "33047": "winger", "33048": "24", "33049": "25", "33050": "26", "33051": "27", "33052": "20", "33053": "21", "33054": "22", "33055": "23", "33056": "28", "33057": "29", "33058": "scully", "33059": "humphries", "33060": "arias", "33061": "naacp", "33062": "upping", "33063": "poy", "33064": "cliffhangers", "33065": "disrespectful", "33066": "jeepers", "33067": "stfup", "33068": "noticing", "33069": "jeezy", "33070": "obeyed", "33071": "jeeze", "33072": "tsktsk", "33073": "inception", "33074": "iranians", "33075": "complain", "33076": "association", "33077": "2u", "33078": "2p", "33079": "todayyy", "33080": "2s", "33081": "korra", "33082": "2x", "33083": "drake", "33084": "2d", "33085": "ashes", "33086": "connolly", "33087": "2g", "33088": "2a", "33089": "2b", "33090": "2c", "33091": "2l", "33092": "2m", "33093": "2h", "33094": "exquisite", "33095": "2k", "33096": "harm", "33097": "fisa", "33098": "hari", "33099": "towie", "33100": "hare", "33101": "hard", "33102": "rachelle", "33103": "hara", "33104": "askin", "33105": "fist", "33106": "categorize", "33107": "harv", "33108": "haru", "33109": "hart", "33110": "orient", "33111": "harp", "33112": "stands", "33113": "tapout", "33114": "roku", "33115": "tailgating", "33116": "childish", "33117": "discouraging", "33118": "redknapp", "33119": "wwiii", "33120": "dag", "33121": "granola", "33122": "olicity", "33123": "longtime", "33124": "brewers", "33125": "print", "33126": "fortitude", "33127": "ironed", "33128": "brewery", "33129": "sbs", "33130": "disobedience", "33131": "crouched", "33132": "circumstance", "33133": "motherfucker", "33134": "sbb", "33135": "sbc", "33136": "crouches", "33137": "senor", "33138": "disneyland", "33139": "members", "33140": "laughable", "33141": "puhlease", "33142": "allocation", "33143": "aoife", "33144": "subang", "33145": "jimmys", "33146": "reinforces", "33147": "computers", "33148": "daa", "33149": "telltale", "33150": "conducted", "33151": "pseudonym", "33152": "luvly", "33153": "rainforest", "33154": "gardner", "33155": "varane", "33156": "jukebox", "33157": "reinforced", "33158": "whereeee", "33159": "copper", "33160": "dons", "33161": "donr", "33162": "dont", "33163": "mcdaniels", "33164": "dony", "33165": "jogs", "33166": "barbarian", "33167": "done", "33168": "dong", "33169": "copped", "33170": "compensated", "33171": "donk", "33172": "cheery", "33173": "dono", "33174": "tfm", "33175": "quads", "33176": "sectionals", "33177": "royalbaby", "33178": "picket", "33179": "funfact", "33180": "revive", "33181": "least", "33182": "satsuki", "33183": "182", "33184": "183", "33185": "regulation", "33186": "assumption", "33187": "186", "33188": "187", "33189": "184", "33190": "185", "33191": "188", "33192": "189", "33193": "lease", "33194": "pare", "33195": "skrill", "33196": "wolfsburg", "33197": "uncultured", "33198": "para", "33199": "drapes", "33200": "parm", "33201": "parl", "33202": "park", "33203": "lehh", "33204": "pari", "33205": "morgantown", "33206": "dentist", "33207": "part", "33208": "livestream", "33209": "parr", "33210": "doctors", "33211": "believe", "33212": "unreadable", "33213": "carnage", "33214": "mahal", "33215": "namesake", "33216": "fcked", "33217": "mwoya", "33218": "18k", "33219": "seeeeeee", "33220": "ungodly", "33221": "recording", "33222": "headers", "33223": "hooligans", "33224": "2020", "33225": "supposed", "33226": "2022", "33227": "ajith", "33228": "declare", "33229": "zy", "33230": "zz", "33231": "nominee", "33232": "yoself", "33233": "creases", "33234": "categorized", "33235": "creased", "33236": "orders", "33237": "flared", "33238": "🔯", "33239": "majority", "33240": "becca", "33241": "☹", "33242": "sonics", "33243": "cameroon", "33244": "signup", "33245": "zucchini", "33246": "waitin", "33247": "portia", "33248": "augh", "33249": "sweatshirts", "33250": "salmon", "33251": "mosh", "33252": "mathematician", "33253": "most", "33254": "moss", "33255": "extremely", "33256": "barackobama", "33257": "branching", "33258": "giggling", "33259": "pok", "33260": "corrupts", "33261": "goodwill", "33262": "mediation", "33263": "cuthbert", "33264": "apna", "33265": "futbol", "33266": "booling", "33267": "storyline", "33268": "standoff", "33269": "sector", "33270": "216", "33271": "bluntly", "33272": "sparrow", "33273": "214", "33274": "215", "33275": "rwby", "33276": "frisco", "33277": "jared", "33278": "polbek", "33279": "gutta", "33280": "networks", "33281": "cabletvdrama", "33282": "213", "33283": "poi", "33284": "truestory", "33285": "pinche", "33286": "ruin", "33287": "summet", "33288": "distributed", "33289": "unhappy", "33290": "nakey", "33291": "annotations", "33292": "fiend", "33293": "override", "33294": "8", "33295": "ruiz", "33296": "alshon", "33297": "bpfl", "33298": "mein", "33299": "tyrod", "33300": "wonky", "33301": "sila", "33302": "bofa", "33303": "wonka", "33304": "theft", "33305": "silk", "33306": "sill", "33307": "merchandise", "33308": "bofl", "33309": "huff", "33310": "contagious", "33311": "suarez", "33312": "tracksuit", "33313": "collapsed", "33314": "remove", "33315": "garcia", "33316": "haden", "33317": "common", "33318": "kitchener", "33319": "californian", "33320": "fledged", "33321": "strenght", "33322": "scruffy", "33323": "cynical", "33324": "brunei", "33325": "tooooooooo", "33326": "lion", "33327": "whyyy", "33328": "itvthismorning", "33329": "forthcoming", "33330": "sahib", "33331": "retweet", "33332": "repairs", "33333": "fang", "33334": "quintana", "33335": "🐫", "33336": "burner", "33337": "powerhouse", "33338": "2omf", "33339": "fans", "33340": "paisa", "33341": "fany", "33342": "distraught", "33343": "burned", "33344": "champagne", "33345": "transfered", "33346": "seeded", "33347": "rosie", "33348": "complementary", "33349": "dividends", "33350": "complement", "33351": "nashville", "33352": "moodle", "33353": "kilkenny", "33354": "barrack", "33355": "tilts", "33356": "pepsi", "33357": "sheeps", "33358": "haell", "33359": "folding", "33360": "reverse", "33361": "sultan", "33362": "swoons", "33363": "🇮", "33364": "wjsn", "33365": "kitchens", "33366": "troyler", "33367": "geniuses", "33368": "briefings", "33369": "krab", "33370": "faggots", "33371": "screenplay", "33372": "cakes", "33373": "vergil", "33374": "danced", "33375": "simple", "33376": "lbs", "33377": "dances", "33378": "eviction", "33379": "simply", "33380": "caked", "33381": "busters", "33382": "bongs", "33383": "hannity", "33384": "consuming", "33385": "‎", "33386": "cowers", "33387": "dropping", "33388": "amnesia", "33389": "cayla", "33390": "intrusive", "33391": "slips", "33392": "vans", "33393": "izombie", "33394": "gaz", "33395": "gay", "33396": "gaw", "33397": "gav", "33398": "chatted", "33399": "gat", "33400": "gas", "33401": "gar", "33402": "gap", "33403": "gao", "33404": "gan", "33405": "gam", "33406": "gal", "33407": "vane", "33408": "gai", "33409": "gah", "33410": "gag", "33411": "gaf", "33412": "gae", "33413": "rai", "33414": "chatter", "33415": "gab", "33416": "unnecessarily", "33417": "moreee", "33418": "trojan", "33419": "replaces", "33420": "rohit", "33421": "raoul", "33422": "convo", "33423": "tekkers", "33424": "bronte", "33425": "replaced", "33426": "bbnaija", "33427": "downnnn", "33428": "lingo", "33429": "introuble", "33430": "mystic", "33431": "bummy", "33432": "cec", "33433": "wiretapping", "33434": "stubbornly", "33435": "eczema", "33436": "facade", "33437": "aches", "33438": "lbj", "33439": "achey", "33440": "dishonor", "33441": "engrossed", "33442": "butcher", "33443": "wherein", "33444": "benign", "33445": "discourse", "33446": "ray", "33447": "boyzone", "33448": "sya", "33449": "passwords", "33450": "syg", "33451": "syd", "33452": "themattespinosa", "33453": "husbando", "33454": "syn", "33455": "husbands", "33456": "purpose", "33457": "timid", "33458": "nameless", "33459": "dddddd", "33460": "pssh", "33461": "swish", "33462": "peppered", "33463": "craved", "33464": "nole", "33465": "yaayy", "33466": "nola", "33467": "craven", "33468": "craves", "33469": "braveheart", "33470": "swiss", "33471": "amps", "33472": "prevention", "33473": "hastings", "33474": "doughty", "33475": "laaaa", "33476": "gurlll", "33477": "ldn", "33478": "lds", "33479": "gnna", "33480": "openly", "33481": "circling", "33482": "wic", "33483": "wage", "33484": "homiee", "33485": "superficial", "33486": "sparta", "33487": "hailee", "33488": "newsies", "33489": "ofsted", "33490": "tfw", "33491": "luckyyy", "33492": "deliberately", "33493": "wags", "33494": "homies", "33495": "circumcision", "33496": "administrative", "33497": "brainstorm", "33498": "unloading", "33499": "sparty", "33500": "partaking", "33501": "manage", "33502": "someshit", "33503": "educator", "33504": "judgement", "33505": "oomfs", "33506": "foreigners", "33507": "monika", "33508": "droped", "33509": "wih", "33510": "salutes", "33511": "competitively", "33512": "semo", "33513": "semi", "33514": "krabs", "33515": "seme", "33516": "disks", "33517": "sema", "33518": "alri", "33519": "flux", "33520": "mediocrity", "33521": "bamboo", "33522": "alrd", "33523": "kut", "33524": "gardening", "33525": "humorous", "33526": "obliged", "33527": "30s", "33528": "martial", "33529": "30k", "33530": "30m", "33531": "ornaments", "33532": "mirror", "33533": "falafel", "33534": "30c", "33535": "hattrick", "33536": "brent", "33537": "lars", "33538": "acquaintance", "33539": "jewelry", "33540": "collapses", "33541": "apush", "33542": "pelt", "33543": "pels", "33544": "hardass", "33545": "lara", "33546": "connecting", "33547": "verbally", "33548": "portlandia", "33549": "lard", "33550": "pele", "33551": "larh", "33552": "hozier", "33553": "308", "33554": "309", "33555": "cameraman", "33556": "denominator", "33557": "patient", "33558": "rapping", "33559": "taxing", "33560": "300", "33561": "301", "33562": "302", "33563": "ufc", "33564": "304", "33565": "305", "33566": "uff", "33567": "307", "33568": "subconscious", "33569": "fleshlight", "33570": "overnights", "33571": "annalise", "33572": "stomps", "33573": "gibbons", "33574": "goods", "33575": "passover", "33576": "goody", "33577": "oatmeal", "33578": "ounce", "33579": "extensions", "33580": "goode", "33581": "bish", "33582": "justt", "33583": "🎃", "33584": "idgi", "33585": "ayye", "33586": "grammy", "33587": "sniffle", "33588": "harassed", "33589": "techie", "33590": "nsa", "33591": "steves", "33592": "nsc", "33593": "framed", "33594": "moderating", "33595": "clack", "33596": "steven", "33597": "frames", "33598": "lesson", "33599": "ghosting", "33600": "gramma", "33601": "nsw", "33602": "calming", "33603": "ontario", "33604": "ed_miliband", "33605": "feild", "33606": "tingles", "33607": "inexcusable", "33608": "waistline", "33609": "cashback", "33610": "yeahhhh", "33611": "opponent", "33612": "👂", "33613": "boyf", "33614": "boyd", "33615": "getta", "33616": "immigration", "33617": "butlers", "33618": "pounder", "33619": "boys", "33620": "sideshow", "33621": "lydia", "33622": "agreeable", "33623": "boyz", "33624": "boyy", "33625": "gdgd", "33626": "aldridge", "33627": "pusha", "33628": "miyuki", "33629": "heheheheh", "33630": "unmute", "33631": "carefull", "33632": "exploration", "33633": "smriti", "33634": "aversion", "33635": "jumbo", "33636": "cheeks", "33637": "kahan", "33638": "geese", "33639": "luhhhh", "33640": "geesh", "33641": "single", "33642": "necks", "33643": "🚖", "33644": "johnsons", "33645": "isak", "33646": "1dday", "33647": "brethren", "33648": "theyll", "33649": "excused", "33650": "cohesive", "33651": "♌", "33652": "cristina", "33653": "kirk", "33654": "kiri", "33655": "b12", "33656": "assassinate", "33657": "kira", "33658": "jheeze", "33659": "brushing", "33660": "beatiful", "33661": "scandals", "33662": "facetiming", "33663": "prepared", "33664": "ezria", "33665": "prepares", "33666": "cdnpoli", "33667": "rallied", "33668": "b1g", "33669": "statesman", "33670": "tote", "33671": "inspo", "33672": "bhagat", "33673": "speculations", "33674": "yusss", "33675": "romantics", "33676": "socrates", "33677": "pidgey", "33678": "rallies", "33679": "palettes", "33680": "200th", "33681": "enrichment", "33682": "initiating", "33683": "rants", "33684": "hairston", "33685": "cynthia", "33686": "commoner", "33687": "ilike", "33688": "anyplace", "33689": "penrith", "33690": "queef", "33691": "ddt", "33692": "noot", "33693": "highfive", "33694": "pope", "33695": "disabling", "33696": "yute", "33697": "factoring", "33698": "yuta", "33699": "helps", "33700": "helpp", "33701": "mischievousliar", "33702": "totw", "33703": "maryland", "33704": "stafford", "33705": "fakenews", "33706": "stonehenge", "33707": "queen", "33708": "konoha", "33709": "okayyyyyy", "33710": "vlc", "33711": "rhyme", "33712": "avalon", "33713": "accuse", "33714": "thingg", "33715": "looooove", "33716": "recreation", "33717": "anotha", "33718": "fiiine", "33719": "wearin", "33720": "keemstar", "33721": "yeup", "33722": "bahahahahaha", "33723": "jheez", "33724": "imgur", "33725": "sewage", "33726": "bernie", "33727": "goodmoring", "33728": "vele", "33729": "veld", "33730": "vela", "33731": "vmware", "33732": "waisting", "33733": "3x", "33734": "haahahah", "33735": "wiggled", "33736": "3s", "33737": "pipes", "33738": "piper", "33739": "sonn", "33740": "paddle", "33741": "inconveniences", "33742": "3k", "33743": "wiggles", "33744": "payday", "33745": "clipboard", "33746": "3o", "33747": "3m", "33748": "3c", "33749": "3b", "33750": "3a", "33751": "3g", "33752": "piped", "33753": "exercise", "33754": "3d", "33755": "pg13", "33756": "shelton", "33757": "exchange", "33758": "bcause", "33759": "sono", "33760": "440", "33761": "spacing", "33762": "teleportation", "33763": "445", "33764": "poise", "33765": "luiz", "33766": "nimble", "33767": "objects", "33768": "ashlyn", "33769": "luis", "33770": "ahm", "33771": "imperfections", "33772": "seung", "33773": "39", "33774": "38", "33775": "≧", "33776": "cera", "33777": "33", "33778": "poured", "33779": "31", "33780": "30", "33781": "37", "33782": "36", "33783": "35", "33784": "34", "33785": "cert", "33786": "weekday", "33787": "ihope", "33788": "existent", "33789": "dateline", "33790": "courting", "33791": "crowbar", "33792": "blizzard", "33793": "standpoint", "33794": "decrease", "33795": "privately", "33796": "sewers", "33797": "festivals", "33798": "canada", "33799": "gateway", "33800": "dissonance", "33801": "waaaay", "33802": "tmmrw", "33803": "daehyun", "33804": "flabby", "33805": "booooy", "33806": "shtick", "33807": "asteroid", "33808": "inthe", "33809": "disgustingly", "33810": "iit", "33811": "baeeeee", "33812": "zipping", "33813": "upcoming", "33814": "trait", "33815": "dupes", "33816": "duper", "33817": "diba", "33818": "akashi", "33819": "trail", "33820": "train", "33821": "❔", "33822": "iim", "33823": "unforgiving", "33824": "iii", "33825": "chipotle", "33826": "hints", "33827": "account", "33828": "ocr", "33829": "alil", "33830": "f", "33831": "alia", "33832": "alie", "33833": "baaaaack", "33834": "erwin", "33835": "obvious", "33836": "awwhh", "33837": "yeaaaa", "33838": "snacks", "33839": "ohoh", "33840": "muahh", "33841": "infantry", "33842": "yeaaah", "33843": "bestiality", "33844": "allnighter", "33845": "reserves", "33846": "acm", "33847": "ascension", "33848": "banna", "33849": "ohok", "33850": "💞", "33851": "lamb", "33852": "psyched", "33853": "lama", "33854": "monoxide", "33855": "democracy", "33856": "lame", "33857": "timetables", "33858": "boxing", "33859": "lamo", "33860": "lamp", "33861": "05pm", "33862": "forest", "33863": "ilove", "33864": "overtaking", "33865": "revs", "33866": "furnace", "33867": "nips", "33868": "🧀", "33869": "squeaking", "33870": "brazzers", "33871": "klay", "33872": "physio", "33873": "inst", "33874": "legality", "33875": "bluff", "33876": "minding", "33877": "klan", "33878": "terrier", "33879": "physic", "33880": "trifling", "33881": "ambiguous", "33882": "bino", "33883": "poached", "33884": "pueblo", "33885": "bind", "33886": "bing", "33887": "bina", "33888": "growlers", "33889": "9am", "33890": "poacher", "33891": "emanuel", "33892": "bint", "33893": "bins", "33894": "tammy", "33895": "institutional", "33896": "grampa", "33897": "umbreon", "33898": "looping", "33899": "charting", "33900": "agricultural", "33901": "mcgrath", "33902": "gramps", "33903": "butternut", "33904": "fundraising", "33905": "sighhhh", "33906": "marshmallow", "33907": "shuffled", "33908": "decorum", "33909": "fabrics", "33910": "🎱", "33911": "willing", "33912": "nari", "33913": "sjws", "33914": "mariska", "33915": "tickled", "33916": "outbid", "33917": "greater", "33918": "descendants", "33919": "spell", "33920": "fiesta", "33921": "dazai", "33922": "bihhhhh", "33923": "spelt", "33924": "fiesty", "33925": "courtroom", "33926": "tickles", "33927": "ethnically", "33928": "charly", "33929": "instinctively", "33930": "february", "33931": "thrill", "33932": "michaela", "33933": "mcavoy", "33934": "freshness", "33935": "irrelevance", "33936": "blazing", "33937": "reloading", "33938": "morris", "33939": "safeway", "33940": "latham", "33941": "tubing", "33942": "michaels", "33943": "bueno", "33944": "sunil", "33945": "buena", "33946": "jugular", "33947": "winked", "33948": "jonesy", "33949": "junkie", "33950": "burdened", "33951": "licking", "33952": "tranny", "33953": "accumulated", "33954": "huntington", "33955": "salesman", "33956": "matt", "33957": "mats", "33958": "dsnt", "33959": "matz", "33960": "facto", "33961": "airbnb", "33962": "smol", "33963": "😳", "33964": "mate", "33965": "messenger", "33966": "stud", "33967": "mata", "33968": "thass", "33969": "charli", "33970": "stun", "33971": "math", "33972": "mati", "33973": "jessica", "33974": "580", "33975": "mashallah", "33976": "dman", "33977": "duffle", "33978": "amira", "33979": "afterward", "33980": "interaction", "33981": "teleprompter", "33982": "kkkkkk", "33983": "adapters", "33984": "azkaban", "33985": "terminally", "33986": "matchmaker", "33987": "♕", "33988": "yosuke", "33989": "grieving", "33990": "angelique", "33991": "sprawled", "33992": "pga", "33993": "bamf", "33994": "farr", "33995": "4get", "33996": "bama", "33997": "pgh", "33998": "strategic", "33999": "nigggga", "34000": "pgs", "34001": "bangladeshi", "34002": "sockets", "34003": "interceptions", "34004": "myths", "34005": "ancient", "34006": "ง", "34007": "hilary", "34008": "roche", "34009": "💵", "34010": "italia", "34011": "bosco", "34012": "bosch", "34013": "nut", "34014": "cabin", "34015": "pelle", "34016": "benghazi", "34017": "nitro", "34018": "nur", "34019": "completed", "34020": "dreary", "34021": "findin", "34022": "blazers", "34023": "wiltshire", "34024": "completes", "34025": "nun", "34026": "yeno", "34027": "ballard", "34028": "byuntae", "34029": "demented", "34030": "flashed", "34031": "humped", "34032": "mingin", "34033": "chillllll", "34034": "kissin", "34035": "flashes", "34036": "abolished", "34037": "coronation", "34038": "athleticism", "34039": "imaginative", "34040": "minging", "34041": "melinda", "34042": "fcat", "34043": "", "34044": "unlikely", "34045": "apparently", "34046": "mii", "34047": "boyyy", "34048": "mik", "34049": "mim", "34050": "mil", "34051": "mio", "34052": "min", "34053": "mia", "34054": "mic", "34055": "mie", "34056": "mid", "34057": "congratz", "34058": "mix", "34059": "miz", "34060": "riptide", "34061": "mis", "34062": "mir", "34063": "parka", "34064": "mit", "34065": "desensitized", "34066": "salle", "34067": "savages", "34068": "bemused", "34069": "hankering", "34070": "hyorin", "34071": "disappointments", "34072": "grandmaster", "34073": "sedan", "34074": "phyllis", "34075": "sally", "34076": "gurus", "34077": "loveeeeeee", "34078": "alaskan", "34079": "kayyy", "34080": "stranded", "34081": "request", "34082": "coexist", "34083": "crediting", "34084": "graphs", "34085": "denouncing", "34086": "kelsie", "34087": "suga", "34088": "artificially", "34089": "rendezvous", "34090": "skinny", "34091": "parris", "34092": "}", "34093": "myah", "34094": "slandered", "34095": "retarted", "34096": "homeowner", "34097": "antiquated", "34098": "gasping", "34099": "😜", "34100": "staff", "34101": "seeee", "34102": "grabbed", "34103": "jnu", "34104": "colbert", "34105": "fumbles", "34106": "controls", "34107": "altright", "34108": "woaaah", "34109": "grabber", "34110": "satan", "34111": "orgo", "34112": "fumbled", "34113": "hiiiiiii", "34114": "inferior", "34115": "lobo", "34116": "xdd", "34117": "lobe", "34118": "whistleblower", "34119": "unbeatable", "34120": "coworker", "34121": "ginuwine", "34122": "demigod", "34123": "jabroni", "34124": "richards", "34125": "diplo", "34126": "kazakhstan", "34127": "kardashians", "34128": "lecter", "34129": "littlest", "34130": "comeee", "34131": "cycled", "34132": "kilts", "34133": "greenday", "34134": "👰", "34135": "shelling", "34136": "midori", "34137": "gunman", "34138": "cycles", "34139": "gibson", "34140": "enhances", "34141": "constructing", "34142": "westeros", "34143": "–", "34144": "enhanced", "34145": "greece", "34146": "tunein", "34147": "awaits", "34148": "pattern", "34149": "ralph", "34150": "kreuk", "34151": "ebola", "34152": "mujhe", "34153": "wembley", "34154": "thumbnail", "34155": "jsyk", "34156": "zinger", "34157": "buckeyes", "34158": "gametime", "34159": "sho", "34160": "deliver", "34161": "toting", "34162": "tobias", "34163": "tamra", "34164": "tooting", "34165": "nisar", "34166": "toothbrush", "34167": "plugin", "34168": "taking", "34169": "dildos", "34170": "heelys", "34171": "unbutton", "34172": "tater", "34173": "15min", "34174": "swallow", "34175": "regimes", "34176": "html5", "34177": "aa", "34178": "relevant", "34179": "alllllllll", "34180": "ohm", "34181": "jinn", "34182": "javelin", "34183": "contamination", "34184": "uic", "34185": "oho", "34186": "arguement", "34187": "ae", "34188": "basing", "34189": "gona", "34190": "kanyes", "34191": "ohk", "34192": "romero", "34193": "slippy", "34194": "gaze", "34195": "attends", "34196": "iike", "34197": "gaza", "34198": "curtain", "34199": "proposal", "34200": "gonn", "34201": "takao", "34202": "adapting", "34203": "finisher", "34204": "finishes", "34205": "stationed", "34206": "64gb", "34207": "overwhelmingly", "34208": "preforming", "34209": "bulk", "34210": "finished", "34211": "tenderly", "34212": "sausages", "34213": "bull", "34214": "bulb", "34215": "kannada", "34216": "volunteer", "34217": "divisions", "34218": "multi", "34219": "cypher", "34220": "excusing", "34221": "augusta", "34222": "stalin", "34223": "entrepreneurial", "34224": "carved", "34225": "jeanette", "34226": "kinfolk", "34227": "manually", "34228": "chaotic", "34229": "dissent", "34230": "av", "34231": "narendra", "34232": "papyrus", "34233": "", "34234": "regression", "34235": "superheroes", "34236": "pissin", "34237": "slammer", "34238": "ohw", "34239": "oink", "34240": "foxy", "34241": "foxx", "34242": "slammed", "34243": "infer", "34244": "simulation", "34245": "reporting", "34246": "tambien", "34247": "binoculars", "34248": "grandstand", "34249": "takers", "34250": "dopest", "34251": "4years", "34252": "sunburn", "34253": "jayden", "34254": "numbered", "34255": "antonia", "34256": "wys", "34257": "twinnie", "34258": "pampered", "34259": "peewee", "34260": "durability", "34261": "antonio", "34262": "wyd", "34263": "wya", "34264": "🎨", "34265": "wyo", "34266": "wym", "34267": "muscle", "34268": "soviet", "34269": "sheamus", "34270": "lynching", "34271": "yuge", "34272": "💇", "34273": "wagner", "34274": "abolish", "34275": "colchester", "34276": "adv", "34277": "adr", "34278": "ads", "34279": "adp", "34280": "30am", "34281": "ady", "34282": "add", "34283": "ade", "34284": "adc", "34285": "ada", "34286": "adn", "34287": "ohhh", "34288": "adm", "34289": "match", "34290": "adi", "34291": "thankies", "34292": "sandeul", "34293": "twats", "34294": "bhakts", "34295": "kwl", "34296": "whoaaaa", "34297": "flamingo", "34298": "garybarlow", "34299": "ozone", "34300": "4chan", "34301": "alseep", "34302": "conrad", "34303": "wellllllll", "34304": "italian", "34305": "accessible", "34306": "crazily", "34307": "propel", "34308": "bizarrely", "34309": "🌉", "34310": "haaaay", "34311": "authority", "34312": "sherlocks", "34313": "ideals", "34314": "odisha", "34315": "haaaaa", "34316": "proper", "34317": "whyyyyyyyy", "34318": "shrug", "34319": "naka", "34320": "unfunny", "34321": "vocabulary", "34322": "garrett", "34323": "sycamore", "34324": "haaaaaa", "34325": "masked", "34326": "assuming", "34327": "mkt", "34328": "reallyyyy", "34329": "bingo", "34330": "pepper", "34331": "proud", "34332": "moshing", "34333": "oiled", "34334": "herbo", "34335": "stellar", "34336": "kristin", "34337": "strugglin", "34338": "flint", "34339": "although", "34340": "oiler", "34341": "raiding", "34342": "seriousness", "34343": "about", "34344": "backstrom", "34345": "actual", "34346": "boards", "34347": "swimmingly", "34348": "nationals", "34349": "certainty", "34350": "bikinis", "34351": "📒", "34352": "socked", "34353": "tailed", "34354": "xoxoxoxo", "34355": "prevailing", "34356": "powerpoint", "34357": "unreleased", "34358": "lolicon", "34359": "veranomtv2016", "34360": "obliterated", "34361": "functional", "34362": "playoff", "34363": "esteem", "34364": "midfielder", "34365": "alistair", "34366": "gifty", "34367": "attachments", "34368": "ridge", "34369": "", "34370": "vegetables", "34371": "insoles", "34372": "blegh", "34373": "joaquin", "34374": "kelso", "34375": "badder", "34376": "biggest", "34377": "rca", "34378": "rcb", "34379": "rcc", "34380": "chatting", "34381": "cpi", "34382": "serbia", "34383": "miraculously", "34384": "xcuse", "34385": "preparations", "34386": "repeated", "34387": "fuckhead", "34388": "tiller", "34389": "cpm", "34390": "morphed", "34391": "1on1", "34392": "hymns", "34393": "knoow", "34394": "birthdate", "34395": "byob", "34396": "knooo", "34397": "levis", "34398": "mcpe", "34399": "blooms", "34400": "alliteration", "34401": "azonto", "34402": "skating", "34403": "acids", "34404": "myyyyy", "34405": "topless", "34406": "scumbags", "34407": "indeedy", "34408": "azhar", "34409": "autism", "34410": "gush", "34411": "oaf", "34412": "timbaland", "34413": "friendlys", "34414": "48", "34415": "49", "34416": "oao", "34417": "47", "34418": "44", "34419": "45", "34420": "oak", "34421": "43", "34422": "40", "34423": "41", "34424": "oat", "34425": "special", "34426": "oap", "34427": "🏈", "34428": "wallow", "34429": "goid", "34430": "booboo", "34431": "gloriously", "34432": "christians", "34433": "goin", "34434": "lupita", "34435": "4x", "34436": "antiques", "34437": "kait", "34438": "4s", "34439": "mcadams", "34440": "cpu", "34441": "kain", "34442": "4m", "34443": "4k", "34444": "4h", "34445": "wpuld", "34446": "flor", "34447": "4g", "34448": "4d", "34449": "accidents", "34450": "4b", "34451": "4a", "34452": "limited", "34453": "justsayin", "34454": "mccaffrey", "34455": "suspenseful", "34456": "hitch", "34457": "facilities", "34458": "scouted", "34459": "errythang", "34460": "lolzzz", "34461": "yonder", "34462": "0_0", "34463": "poorly", "34464": "muzzle", "34465": "replacements", "34466": "violate", "34467": "iite", "34468": "powderpuff", "34469": "crises", "34470": "«", "34471": "under", "34472": "stationery", "34473": "girrrl", "34474": "0_o", "34475": "conjecture", "34476": "legislators", "34477": "o___o", "34478": "tampons", "34479": "aroun", "34480": "neigh", "34481": "jack", "34482": "jace", "34483": "monkeys", "34484": "nomnomnom", "34485": "cause", "34486": "flutters", "34487": "soundtracks", "34488": "fairfax", "34489": "̃", "34490": "eileen", "34491": "parted", "34492": "bicycle", "34493": "throught", "34494": "consistent", "34495": "almond", "34496": "catdog", "34497": "frosted", "34498": "fabulous", "34499": "parter", "34500": "infiltration", "34501": "friendships", "34502": "tweezers", "34503": "fattening", "34504": "organisms", "34505": "solemn", "34506": "weren", "34507": "poison", "34508": "insinuate", "34509": "worser", "34510": "endorse", "34511": "jayson", "34512": "torrey", "34513": "jolts", "34514": "zack", "34515": "zach", "34516": "rebooked", "34517": "undressing", "34518": "shills", "34519": "feisty", "34520": "delegates", "34521": "represented", "34522": "aftermath", "34523": "finders", "34524": "enrol", "34525": "psshhh", "34526": "janoskian", "34527": "plannedparenthood", "34528": "forum", "34529": "ventures", "34530": "yarmouth", "34531": "mentos", "34532": "mentor", "34533": "allready", "34534": "wdw", "34535": "punishment", "34536": "ventured", "34537": "julio", "34538": "swearing", "34539": "∂", "34540": "stray", "34541": "straw", "34542": "julie", "34543": "strat", "34544": "julia", "34545": "strap", "34546": "unofficially", "34547": "geico", "34548": "felch", "34549": "amherst", "34550": "mares", "34551": "outro", "34552": "swings", "34553": "antoinette", "34554": "hospital", "34555": "noting", "34556": "yamcha", "34557": "😺", "34558": "assessment", "34559": "mystical", "34560": "grier", "34561": "sammich", "34562": "prettylittleliars", "34563": "infosec", "34564": "grief", "34565": "timey", "34566": "hutch", "34567": "cheapest", "34568": "carmex", "34569": "tremendously", "34570": "lukas", "34571": "existant", "34572": "install", "34573": "ernest", "34574": "carmen", "34575": "addictive", "34576": "tonightttt", "34577": "💎", "34578": "mayhem", "34579": "stride", "34580": "javale", "34581": "vagrant", "34582": "aching", "34583": "buzzin", "34584": "eyeballs", "34585": "tiredly", "34586": "badly", "34587": "zakir", "34588": "projectile", "34589": "delicacy", "34590": "budden", "34591": "offffff", "34592": "jumping", "34593": "vegans", "34594": "yupyup", "34595": "rousey", "34596": "harley", "34597": "gra", "34598": "complexity", "34599": "trillions", "34600": "jungle", "34601": "decreasing", "34602": "aloud", "34603": "harlem", "34604": "oysters", "34605": "whitesox", "34606": "longggggg", "34607": "⬆", "34608": "clapper", "34609": "underside", "34610": "tayler", "34611": "kekeke", "34612": "london", "34613": "doncaster", "34614": "clapped", "34615": "glances", "34616": "clo", "34617": "entrances", "34618": "cld", "34619": "cle", "34620": "clg", "34621": "cla", "34622": "clc", "34623": "compelling", "34624": "glanced", "34625": "clt", "34626": "bryson", "34627": "eugene", "34628": "5minutes", "34629": "tourist", "34630": "confuse", "34631": "lox", "34632": "waffling", "34633": "keyblade", "34634": "0845", "34635": "manicure", "34636": "aisling", "34637": "tourism", "34638": "shadows", "34639": "vulpix", "34640": "potatoes", "34641": "frantically", "34642": "affiliate", "34643": "fitness", "34644": "manmohan", "34645": "mahogany", "34646": "waffle", "34647": "sears", "34648": "practising", "34649": "defences", "34650": "papaya", "34651": "ghosts", "34652": "ancelotti", "34653": "depress", "34654": "😣", "34655": "stunting", "34656": "dinosaur", "34657": "kuwait", "34658": "motel", "34659": "kawhi", "34660": "counselors", "34661": "collaborated", "34662": "hoshi", "34663": "swirling", "34664": "vvv", "34665": "heavenly", "34666": "creole", "34667": "apr", "34668": "splashed", "34669": "eternal", "34670": "manipur", "34671": "masterpiece", "34672": "icky", "34673": "splashes", "34674": "rebranded", "34675": "tengok", "34676": "ritual", "34677": "correctness", "34678": "pence", "34679": "hopeless", "34680": "aspire", "34681": "differnt", "34682": "shootin", "34683": "onto", "34684": "pristin", "34685": "rand", "34686": "rang", "34687": "appeals", "34688": "dunce", "34689": "automotive", "34690": "puck", "34691": "rani", "34692": "bandages", "34693": "rank", "34694": "hearing", "34695": "restrict", "34696": "rant", "34697": "awoke", "34698": "smugly", "34699": "calorie", "34700": "dysfunction", "34701": "toy", "34702": "💥", "34703": "rewritten", "34704": "tor", "34705": "tos", "34706": "top", "34707": "licorice", "34708": "tow", "34709": "tot", "34710": "tou", "34711": "tok", "34712": "toh", "34713": "merica", "34714": "ton", "34715": "too", "34716": "tol", "34717": "tom", "34718": "tob", "34719": "kewl", "34720": "inconvenient", "34721": "tog", "34722": "tod", "34723": "insightful", "34724": "curtains", "34725": "murder", "34726": "airwaves", "34727": "pondering", "34728": "negotiating", "34729": "tardis", "34730": "guhl", "34731": "ankle", "34732": "narrowly", "34733": "guhh", "34734": "boldin", "34735": "wardrobe", "34736": "nudging", "34737": "prego", "34738": "wilkinson", "34739": "rampage", "34740": "to2", "34741": "to3", "34742": "bloated", "34743": "rolex", "34744": "fairest", "34745": "bethany", "34746": "flame", "34747": "10th", "34748": "stacey", "34749": "uploading", "34750": "cormac", "34751": "arby", "34752": "paleo", "34753": "advising", "34754": "loveyouu", "34755": "raees", "34756": "botswana", "34757": "eah", "34758": "1968", "34759": "mariana", "34760": "scriptures", "34761": "1964", "34762": "1965", "34763": "1966", "34764": "1967", "34765": "1960", "34766": "snow", "34767": "snot", "34768": "predominantly", "34769": "mariano", "34770": "sexay", "34771": "niggie", "34772": "snob", "34773": "bitchhhhh", "34774": "snog", "34775": "clunky", "34776": "though", "34777": "bst", "34778": "bsu", "34779": "apk", "34780": "rsa", "34781": "bsn", "34782": "preset", "34783": "innovate", "34784": "plenty", "34785": "smooches", "34786": "bsd", "34787": "bse", "34788": "bsg", "34789": "bsb", "34790": "bsc", "34791": "whinge", "34792": "lifesaver", "34793": "prevails", "34794": "devastating", "34795": "hahahaaha", "34796": "declan", "34797": "yang", "34798": "yana", "34799": "pineapple", "34800": "rupees", "34801": "someee", "34802": "willll", "34803": "yano", "34804": "pasha", "34805": "poisonous", "34806": "yank", "34807": "hahhahah", "34808": "sanctuary", "34809": "litterly", "34810": "saga", "34811": "manifestation", "34812": "sage", "34813": "😌", "34814": "radio", "34815": "solutions", "34816": "whitehouse", "34817": "chewed", "34818": "hendrick", "34819": "sunsets", "34820": "feeel", "34821": "claude", "34822": "getchu", "34823": "delays", "34824": "unsung", "34825": "vinny", "34826": "excitedly", "34827": "🔶", "34828": "lodge", "34829": "announce", "34830": "ghanaian", "34831": "lightroom", "34832": "mascots", "34833": "continuity", "34834": "erasure", "34835": "apo", "34836": "criticizes", "34837": "asbestos", "34838": "commodity", "34839": "hostility", "34840": "watch", "34841": "fluid", "34842": "criticized", "34843": "amazon", "34844": "heartedly", "34845": "report", "34846": "poutine", "34847": "pouting", "34848": "reinstall", "34849": "leamington", "34850": "👠", "34851": "overbearing", "34852": "chesapeake", "34853": "excel", "34854": "peroxide", "34855": "erupt", "34856": "hannahs", "34857": "automatic", "34858": "habis", "34859": "thrashing", "34860": "dobrev", "34861": "presuming", "34862": "habit", "34863": "roadmap", "34864": "recieve", "34865": "btch", "34866": "corrupt", "34867": "noodles", "34868": "jerseys", "34869": "pmsing", "34870": "michelin", "34871": "catalogue", "34872": "whassup", "34873": "approach", "34874": "replaceable", "34875": "wean", "34876": "incarnation", "34877": "weak", "34878": "southeast", "34879": "wear", "34880": "techies", "34881": "goddess", "34882": "gamed", "34883": "irregular", "34884": "meredith", "34885": "beeps", "34886": "sousuke", "34887": "games", "34888": "gamer", "34889": "variance", "34890": "donnell", "34891": "☂", "34892": "gameplays", "34893": "majestic", "34894": "yday", "34895": "trust", "34896": "truss", "34897": "hitler", "34898": "hysterically", "34899": "casters", "34900": "lmfaaaao", "34901": "quickly", "34902": "submarine", "34903": "communion", "34904": "expected", "34905": "ordinance", "34906": "sprite", "34907": "drugs", "34908": "gemma", "34909": "betfred", "34910": "immersive", "34911": "patronizing", "34912": "glider", "34913": "definetly", "34914": "gyan", "34915": "delly", "34916": "depo", "34917": "dells", "34918": "kentucky", "34919": "dept", "34920": "depp", "34921": "stopping", "34922": "marinade", "34923": "procedure", "34924": "halal", "34925": "shumpert", "34926": "pyramid", "34927": "provocative", "34928": "oswego", "34929": "expenses", "34930": "experts", "34931": "exterior", "34932": "ryback", "34933": "flipper", "34934": "interacts", "34935": "eryn", "34936": "suggest", "34937": "pitbulls", "34938": "wanking", "34939": "preps", "34940": "pubes", "34941": "thaanks", "34942": "millie", "34943": "harming", "34944": "loughborough", "34945": "lusty", "34946": "satellite", "34947": "basketballs", "34948": "sched", "34949": "incindia", "34950": "theodore", "34951": "jaune", "34952": "deflect", "34953": "suburb", "34954": "portal", "34955": "🃏", "34956": "positives", "34957": "tyson", "34958": "insisted", "34959": "moka", "34960": "joor", "34961": "dylan", "34962": "huuuge", "34963": "dofe", "34964": "savings", "34965": "incapable", "34966": "mother", "34967": "alarms", "34968": "alabama", "34969": "riverdale", "34970": "yamato", "34971": "joon", "34972": "seasonal", "34973": "bugger", "34974": "appease", "34975": "ღ", "34976": "janna", "34977": "sussed", "34978": "goodtimes", "34979": "pished", "34980": "bugged", "34981": "homeboy", "34982": "tweeples", "34983": "elk", "34984": "eli", "34985": "5x", "34986": "ell", "34987": "elm", "34988": "kell", "34989": "ela", "34990": "elf", "34991": "5p", "34992": "5s", "34993": "ele", "34994": "5m", "34995": "trina", "34996": "collard", "34997": "ely", "34998": "5h", "34999": "5k", "35000": "kels", "35001": "els", "35002": "deschanel", "35003": "whitesides", "35004": "5a", "35005": "tolerable", "35006": "trashed", "35007": "5b", "35008": "gifs", "35009": "raja", "35010": "addicts", "35011": "peckham", "35012": "cuuuute", "35013": "cultural", "35014": "judge", "35015": "roach", "35016": "myteam", "35017": "blacklisted", "35018": "appearing", "35019": "58", "35020": "55", "35021": "54", "35022": "57", "35023": "hunt", "35024": "51", "35025": "50", "35026": "53", "35027": "52", "35028": "derick", "35029": "hunn", "35030": "zoos", "35031": "hunk", "35032": "overrated", "35033": "huni", "35034": "arbitrary", "35035": "hung", "35036": "artrave", "35037": "whomever", "35038": "lecturer", "35039": "petting", "35040": "fuuuuuck", "35041": "frustrations", "35042": "angin", "35043": "successfully", "35044": "proudly", "35045": "jennifer", "35046": "malaysia", "35047": "seanhannity", "35048": "everbody", "35049": "duels", "35050": "doorstep", "35051": "buttcheeks", "35052": "proceeding", "35053": "totaly", "35054": "shxt", "35055": "zionist", "35056": "totals", "35057": "everything", "35058": "zionism", "35059": "musharraf", "35060": "intolerant", "35061": "saville", "35062": "creaming", "35063": "sewing", "35064": "855", "35065": "xander", "35066": "jorge", "35067": "disappeared", "35068": "discount", "35069": "lamps", "35070": "clinching", "35071": "freese", "35072": "bangalore", "35073": "dalmatian", "35074": "permitted", "35075": "chapter", "35076": "cowboy", "35077": "gritting", "35078": "plum", "35079": "trustworthy", "35080": "whateverrrrr", "35081": "plus", "35082": "jew", "35083": "👷", "35084": "runtime", "35085": "giiiirl", "35086": "dozier", "35087": "civic", "35088": "civil", "35089": "obtaining", "35090": "cauldron", "35091": "dayyy", "35092": "cubicle", "35093": "classiest", "35094": "giv", "35095": "nunes", "35096": "git", "35097": "gis", "35098": "stereotype", "35099": "sneezing", "35100": "transform", "35101": "gig", "35102": "virgin", "35103": "gid", "35104": "gib", "35105": "gia", "35106": "crews", "35107": "gio", "35108": "gin", "35109": "gil", "35110": "metabolism", "35111": "questionable", "35112": "intolerance", "35113": "steers", "35114": "tenks", "35115": "cellphone", "35116": "attempted", "35117": "jez", "35118": "wireless", "35119": "buckingham", "35120": "300th", "35121": "illuminating", "35122": "fnatic", "35123": "chorong", "35124": "portions", "35125": "pmqs", "35126": "kubrick", "35127": "ruined", "35128": "quicksilver", "35129": "paging", "35130": "decorate", "35131": "submitting", "35132": "urm", "35133": "ruiner", "35134": "ragnar", "35135": "furs", "35136": "hoseok", "35137": "", "35138": "forearm", "35139": "fury", "35140": "shinee", "35141": "shined", "35142": "hame", "35143": "thugging", "35144": "acclaimed", "35145": "shines", "35146": "annoying", "35147": "precautions", "35148": "buzzwords", "35149": "faithful", "35150": "jey", "35151": "whereas", "35152": "loosening", "35153": "perfected", "35154": "tooooo", "35155": "complicit", "35156": "🎸", "35157": "unbalanced", "35158": "node", "35159": "subsidize", "35160": "cleric", "35161": "toad", "35162": "thexfactor", "35163": "thottie", "35164": "blokes", "35165": "andhra", "35166": "nods", "35167": "sql", "35168": "discharge", "35169": "ashish", "35170": "navel", "35171": "yacht", "35172": "westworld", "35173": "bambi", "35174": "naver", "35175": "palladium", "35176": "intimacy", "35177": "coach", "35178": "forrreal", "35179": "regulars", "35180": "lls", "35181": "hundo", "35182": "acrylics", "35183": "focus", "35184": "leads", "35185": "gazillion", "35186": "llh", "35187": "llo", "35188": "lll", "35189": "llc", "35190": "noooooooooooooooo", "35191": "livetweet", "35192": "llf", "35193": "empathize", "35194": "discern", "35195": "cooped", "35196": "environment", "35197": "charge", "35198": "promoting", "35199": "weakening", "35200": "discovering", "35201": "hammers", "35202": "coos", "35203": "coop", "35204": "fariko", "35205": "federation", "35206": "coot", "35207": "krazy", "35208": "ibrahim", "35209": "📓", "35210": "sours", "35211": "nesting", "35212": "masturbate", "35213": "plantain", "35214": "cook", "35215": "cooo", "35216": "coon", "35217": "cool", "35218": "000th", "35219": "couches", "35220": "aleague", "35221": "peeps", "35222": "hawaii", "35223": "christmas", "35224": "nwts", "35225": "klm", "35226": "fratello", "35227": "🏽", "35228": "guzzling", "35229": "servings", "35230": "dries", "35231": "drier", "35232": "invader", "35233": "invades", "35234": "peds", "35235": "obsolete", "35236": "cyber", "35237": "invaded", "35238": "geeking", "35239": "gummies", "35240": "voucher", "35241": "pedo", "35242": "klk", "35243": "pedi", "35244": "bacteria", "35245": "swishers", "35246": "simeon", "35247": "gege", "35248": "deluded", "35249": "sandton", "35250": "insha", "35251": "beartraps", "35252": "slackers", "35253": "waitrose", "35254": "cyril", "35255": "waittt", "35256": "stuntin", "35257": "nga", "35258": "jord", "35259": "standout", "35260": "noticeable", "35261": "healthy", "35262": "chalmers", "35263": "guilty", "35264": "mauritius", "35265": "phillipines", "35266": "stomachs", "35267": "grimmie", "35268": "christchurch", "35269": "prude", "35270": "hospitality", "35271": "noticeably", "35272": "rafael", "35273": "doris", "35274": "motherfucking", "35275": "humour", "35276": "yooouuuu", "35277": "inducing", "35278": "wazzam", "35279": "paralyzed", "35280": "overthink", "35281": "okaii", "35282": "popstar", "35283": "huddlestone", "35284": "vamps", "35285": "russell", "35286": "brighter", "35287": "tillerson", "35288": "anthro", "35289": "preggers", "35290": "sports", "35291": "handles", "35292": "libra", "35293": "iphone", "35294": "negroes", "35295": "bhahaha", "35296": "huntin", "35297": "flying", "35298": "ayer", "35299": "offing", "35300": "vmas", "35301": "flapping", "35302": "prophecy", "35303": "siya", "35304": "states", "35305": "judi", "35306": "tnite", "35307": "sheds", "35308": "julius", "35309": "jude", "35310": "judd", "35311": "judy", "35312": "achieve", "35313": "mindlessly", "35314": "placements", "35315": "judt", "35316": "geeky", "35317": "overpass", "35318": "kyo", "35319": "kym", "35320": "nexus", "35321": "█", "35322": "kya", "35323": "kye", "35324": "millionaires", "35325": "unarmed", "35326": "irls", "35327": "celsius", "35328": "pac12", "35329": "kys", "35330": "provoke", "35331": "qualifiers", "35332": "kyu", "35333": "painkillers", "35334": "parliamentary", "35335": "disliked", "35336": "tastebuds", "35337": "🌧", "35338": "skater", "35339": "ilhoon", "35340": "1", "35341": "rubio", "35342": "rubin", "35343": "cardinal", "35344": "lucked", "35345": "lohanthony", "35346": "hihi", "35347": "begs", "35348": "springfield", "35349": "etched", "35350": "leavin", "35351": "paramount", "35352": "uj", "35353": "crashes", "35354": "fascist", "35355": "trainspotting", "35356": "scoff", "35357": "crashed", "35358": "kuku", "35359": "depriving", "35360": "bitmoji", "35361": "curing", "35362": "muggy", "35363": "dermals", "35364": "frick", "35365": "mayweather", "35366": "drumsticks", "35367": "worryingly", "35368": "manana", "35369": "hilltop", "35370": "lugia", "35371": "yule", "35372": "enhancements", "35373": "cayman", "35374": "ludacris", "35375": "🐔", "35376": "cornelius", "35377": "dii", "35378": "gta", "35379": "ronda", "35380": "gtf", "35381": "gtg", "35382": "tbe", "35383": "twitcon", "35384": "gtr", "35385": "gts", "35386": "megashare", "35387": "mckinley", "35388": "endless", "35389": "happened", "35390": "lonely", "35391": "lumi", "35392": "sabar", "35393": "underneath", "35394": "conquer", "35395": "saban", "35396": "reyes", "35397": "lustful", "35398": "payzer", "35399": "boozing", "35400": "occult", "35401": "wagon", "35402": "term", "35403": "tobacco", "35404": "teri", "35405": "cosplaying", "35406": "clutch", "35407": "tere", "35408": "tera", "35409": "namo", "35410": "picnics", "35411": "finely", "35412": "namu", "35413": "muchas", "35414": "whoaaaaa", "35415": "semifinal", "35416": "individually", "35417": "yasssssss", "35418": "trunks", "35419": "lmboo", "35420": "populated", "35421": "hiccups", "35422": "prelims", "35423": "whataburger", "35424": "1nd", "35425": "🆒", "35426": "botdf", "35427": "iamsrk", "35428": "obsession", "35429": "ufff", "35430": "constitution", "35431": "itchin", "35432": "banff", "35433": "3200", "35434": "tulips", "35435": "oklahoma", "35436": "miyazaki", "35437": "goodwin", "35438": "cancels", "35439": "walkway", "35440": "1hour", "35441": "gram", "35442": "tif", "35443": "skyuk", "35444": "liddo", "35445": "agdq", "35446": "glendale", "35447": "oasis", "35448": "flyer", "35449": "predebut", "35450": "limps", "35451": "sequins", "35452": "yahan", "35453": "defcon", "35454": "calories", "35455": "thankya", "35456": "amma", "35457": "unpaid", "35458": "butterflies", "35459": "lockscreen", "35460": "place", "35461": "swine", "35462": "swing", "35463": "uuuuuuu", "35464": "ammm", "35465": "motherfuckers", "35466": "ammo", "35467": "bellion", "35468": "madge", "35469": "revenue", "35470": "lmaoooooooo", "35471": "ewwwwwww", "35472": "hahahaaaa", "35473": "ios8", "35474": "multiplying", "35475": "oopsies", "35476": "yeyy", "35477": "array", "35478": "hairdressers", "35479": "pleaded", "35480": "ios7", "35481": "engineer", "35482": "rented", "35483": "wishhh", "35484": "given", "35485": "necessarily", "35486": "district", "35487": "leverkusen", "35488": "plank", "35489": "reppin", "35490": "cooling", "35491": "terrifying", "35492": "bounty", "35493": "legally", "35494": "muncie", "35495": "screencaps", "35496": "giver", "35497": "gives", "35498": "seduced", "35499": "yrself", "35500": "copa", "35501": "releases", "35502": "cope", "35503": "terrain", "35504": "alam", "35505": "alan", "35506": "cheerleading", "35507": "aaaaaaaaa", "35508": "released", "35509": "alas", "35510": "shirley", "35511": "copy", "35512": "subbed", "35513": "specify", "35514": "population", "35515": "serv", "35516": "schooler", "35517": "nathan", "35518": "unfortunately", "35519": "oats", "35520": "laga", "35521": "serg", "35522": "rele", "35523": "aesthetic", "35524": "simpleminded", "35525": "outcome", "35526": "oath", "35527": "rena", "35528": "rene", "35529": "spotter", "35530": "chloe", "35531": "michele", "35532": "colorway", "35533": "reno", "35534": "straddles", "35535": "selly", "35536": "yeye", "35537": "rent", "35538": "📅", "35539": "sells", "35540": "buttholes", "35541": "marathon", "35542": "kush", "35543": "corbett", "35544": "homerun", "35545": "ideas", "35546": "malta", "35547": "phillips", "35548": "gotham", "35549": "skull", "35550": "fracture", "35551": "sorority", "35552": "blunt", "35553": "heol", "35554": "urge", "35555": "hooves", "35556": "hoover", "35557": "rereading", "35558": "betrayal", "35559": "clearer", "35560": "uuuh", "35561": "jajajaja", "35562": "rematch", "35563": "fcb", "35564": "fcc", "35565": "stormed", "35566": "cleared", "35567": "mcdreamy", "35568": "tendon", "35569": "5g", "35570": "adopt", "35571": "hungry", "35572": "omigod", "35573": "patio", "35574": "glutton", "35575": "bawling", "35576": "convoy", "35577": "ito", "35578": "hustled", "35579": "workshops", "35580": "convos", "35581": "pffft", "35582": "occ", "35583": "awwwee", "35584": "dundee", "35585": "mister", "35586": "pffff", "35587": "hustler", "35588": "zendaya", "35589": "xiumin", "35590": "incessantly", "35591": "partake", "35592": "arod", "35593": "hanley", "35594": "murfreesboro", "35595": "getin", "35596": "uncles", "35597": "whaaaaaaa", "35598": "mormon", "35599": "hoya", "35600": "corsair", "35601": "hedge", "35602": "ita", "35603": "brekky", "35604": "reveal", "35605": "dramas", "35606": "obliterate", "35607": "muster", "35608": "unibrow", "35609": "spaniard", "35610": "jabba", "35611": "drawback", "35612": "discussing", "35613": "microphones", "35614": "beethoven", "35615": "imposing", "35616": "closures", "35617": "connections", "35618": "turntable", "35619": "welding", "35620": "college", "35621": "vivo", "35622": "apologies", "35623": "collects", "35624": "✝", "35625": "chocked", "35626": "cadets", "35627": "tweeple", "35628": "ias", "35629": "psychosis", "35630": "farmers", "35631": "federal", "35632": "subsequent", "35633": "keh", "35634": "definite", "35635": "hist", "35636": "mags", "35637": "outside", "35638": "cassel", "35639": "roadie", "35640": "hiss", "35641": "hurrying", "35642": "corridors", "35643": "dinero", "35644": "brahh", "35645": "zoot", "35646": "🍕", "35647": "diners", "35648": "prematurely", "35649": "bigtime", "35650": "twolves", "35651": "mobiles", "35652": "wanders", "35653": "priests", "35654": "eyeroll", "35655": "leftists", "35656": "berry", "35657": "licky", "35658": "kanyewest", "35659": "groundhog", "35660": "duty", "35661": "catwoman", "35662": "buttercup", "35663": "cabal", "35664": "key", "35665": "pox", "35666": "nnn", "35667": "bricks", "35668": "pow", "35669": "pot", "35670": "butties", "35671": "colony", "35672": "pos", "35673": "pop", "35674": "messin", "35675": "satisfaction", "35676": "61", "35677": "62", "35678": "pom", "35679": "jammed", "35680": "65", "35681": "66", "35682": "67", "35683": "68", "35684": "69", "35685": "pod", "35686": "poe", "35687": "poc", "35688": "headcanons", "35689": "poa", "35690": "teammate", "35691": "saudis", "35692": "billionaires", "35693": "504", "35694": "confessions", "35695": "502", "35696": "ravioli", "35697": "500", "35698": "501", "35699": "engine", "35700": "6a", "35701": "6b", "35702": "directioners", "35703": "6k", "35704": "6m", "35705": "tiger", "35706": "padlock", "35707": "6s", "35708": "minister", "35709": "eaters", "35710": "ndsu", "35711": "careful", "35712": "irrelevant", "35713": "squirrels", "35714": "myself", "35715": "50m", "35716": "50k", "35717": "mount", "35718": "premature", "35719": "hunty", "35720": "electrocuted", "35721": "slippery", "35722": "50x", "35723": "mound", "35724": "hunts", "35725": "netplay", "35726": "50s", "35727": "50p", "35728": "checc", "35729": "vest", "35730": "coupled", "35731": "candies", "35732": "rightttttt", "35733": "mqm", "35734": "ellison", "35735": "discrepancy", "35736": "couples", "35737": "numba", "35738": "contraceptives", "35739": "kirito", "35740": "basildon", "35741": "projector", "35742": "d12", "35743": "strains", "35744": "moratorium", "35745": "noora", "35746": "check", "35747": "html", "35748": "caillou", "35749": "insurers", "35750": "retweeting", "35751": "mallorca", "35752": "nh", "35753": "bussiness", "35754": "persona", "35755": "downloads", "35756": "refusal", "35757": "ness", "35758": "wasabi", "35759": "nesn", "35760": "persons", "35761": "decently", "35762": "tnk", "35763": "unqualified", "35764": "footprint", "35765": "cartoon", "35766": "vowed", "35767": "omelette", "35768": "goshhh", "35769": "hyatt", "35770": "nn", "35771": "pennsylvania", "35772": "relegation", "35773": "ranch", "35774": "magical", "35775": "reward", "35776": "flinging", "35777": "commercials", "35778": "delpo", "35779": "brisbane", "35780": "fitzgerald", "35781": "actress", "35782": "cockles", "35783": "risking", "35784": "strome", "35785": "conflating", "35786": "objectifying", "35787": "diplomats", "35788": "junta", "35789": "satin", "35790": "halfway", "35791": "alphabetical", "35792": "samba", "35793": "rosh", "35794": "aboutta", "35795": "rose", "35796": "🐆", "35797": "seems", "35798": "rosa", "35799": "classs", "35800": "luscious", "35801": "rosy", "35802": "huhuhuhu", "35803": "disrupt", "35804": "🌾", "35805": "whatttt", "35806": "riker", "35807": "calmate", "35808": "kills", "35809": "blowout", "35810": "sandman", "35811": "inflation", "35812": "killa", "35813": "seahawks", "35814": "confined", "35815": "killl", "35816": "accepted", "35817": "cheif", "35818": "washers", "35819": "furniture", "35820": "tig", "35821": "snore", "35822": "kennedy", "35823": "nissan", "35824": "bracelet", "35825": "robson", "35826": "sanity", "35827": "snort", "35828": "substandard", "35829": "unwraps", "35830": "reduced", "35831": "eternity", "35832": "burdens", "35833": "joking", "35834": "yellows", "35835": "overheated", "35836": "🖒", "35837": "downnnnn", "35838": "hurst", "35839": "garnett", "35840": "phoenix", "35841": "guhhhh", "35842": "wheaties", "35843": "divvy", "35844": "dudley", "35845": "resonate", "35846": "showtime", "35847": "impactwrestling", "35848": "💼", "35849": "nioh", "35850": "sark", "35851": "lmfao", "35852": "nails", "35853": "skrillex", "35854": "kleenex", "35855": "greetin", "35856": "sari", "35857": "deffinetly", "35858": "caile", "35859": "_", "35860": "stans", "35861": "warts", "35862": "jeep", "35863": "kalam", "35864": "shrimp", "35865": "informing", "35866": "creepers", "35867": "stand", "35868": "stang", "35869": "tangling", "35870": "whuuut", "35871": "stank", "35872": "execs", "35873": "darnit", "35874": "yaw", "35875": "embarass", "35876": "ladies", "35877": "polka", "35878": "babesss", "35879": "garb", "35880": "nngh", "35881": "augustus", "35882": "kroos", "35883": "accounts", "35884": "gary", "35885": "yar", "35886": "snowmen", "35887": "gars", "35888": "theoretically", "35889": "buds", "35890": "yam", "35891": "yal", "35892": "unisex", "35893": "gfin", "35894": "omfggggg", "35895": "budd", "35896": "dislocated", "35897": "yah", "35898": "burry", "35899": "kerrang", "35900": "kittens", "35901": "homeworkdoer", "35902": "shamelessly", "35903": "regard", "35904": "eyeliner", "35905": "amongst", "35906": "willa", "35907": "slushy", "35908": "yuhhh", "35909": "nipsey", "35910": "promote", "35911": "untag", "35912": "internationals", "35913": "thereeeee", "35914": "hallows", "35915": "rowling", "35916": "⏳", "35917": "nightlife", "35918": "chapped", "35919": "kalau", "35920": "djing", "35921": "remembrance", "35922": "aced", "35923": "umar", "35924": "smokescreen", "35925": "aces", "35926": "acer", "35927": "adsl", "35928": "bishop", "35929": "hasnt", "35930": "heather", "35931": "compel", "35932": "narrowing", "35933": "murmuring", "35934": "heathen", "35935": "babylon", "35936": "sully", "35937": "24hours", "35938": "briefly", "35939": "winking", "35940": "conspiracies", "35941": "emazing", "35942": "silky", "35943": "malaga", "35944": "sulli", "35945": "hwz", "35946": "recognise", "35947": "hwy", "35948": "brass", "35949": "hws", "35950": "psychology", "35951": "heave", "35952": "ftw", "35953": "spaniel", "35954": "tanner", "35955": "barcelona", "35956": "disagreeing", "35957": "internalized", "35958": "dokey", "35959": "apparel", "35960": "lyss", "35961": "tanned", "35962": "pto", "35963": "alo", "35964": "all", "35965": "diss", "35966": "dist", "35967": "pti", "35968": "ali", "35969": "alf", "35970": "alg", "35971": "ald", "35972": "ale", "35973": "swerving", "35974": "abit", "35975": "ala", "35976": "ladders", "35977": "earners", "35978": "disc", "35979": "androids", "35980": "dish", "35981": "ptv", "35982": "alt", "35983": "disk", "35984": "alr", "35985": "als", "35986": "alp", "35987": "hmmm", "35988": "aawwww", "35989": "fta", "35990": "homage", "35991": "hetero", "35992": "thursday", "35993": "ftb", "35994": "1080p", "35995": "activities", "35996": "liter", "35997": "unsatisfying", "35998": "dutchess", "35999": "macc", "36000": "facetious", "36001": "imessage", "36002": "bokuto", "36003": "awful", "36004": "flails", "36005": "gearbox", "36006": "pt2", "36007": "sayyy", "36008": "sentimental", "36009": "lillie", "36010": "aunty", "36011": "yasmin", "36012": "ftl", "36013": "blankly", "36014": "yugioh", "36015": "collinsworth", "36016": "cellino", "36017": "🏎", "36018": "programme", "36019": "bopped", "36020": "distributors", "36021": "eventho", "36022": "reins", "36023": "robyn", "36024": "heaton", "36025": "reina", "36026": "cheeses", "36027": "what", "36028": "whar", "36029": "whas", "36030": "tastic", "36031": "jiyong", "36032": "magnolia", "36033": "ticks", "36034": "crust", "36035": "overload", "36036": "whay", "36037": "crush", "36038": "whag", "36039": "whad", "36040": "stll", "36041": "cheesed", "36042": "whaa", "36043": "amazonuk", "36044": "wham", "36045": "racing", "36046": "1920s", "36047": "multitude", "36048": "condensed", "36049": "tags", "36050": "nene", "36051": "naptime", "36052": "unprofessional", "36053": "wacha", "36054": "nena", "36055": "behaviour", "36056": "tage", "36057": "tagg", "36058": "berkeley", "36059": "rakes", "36060": "brandin", "36061": "sportscenter", "36062": "verry", "36063": "extremes", "36064": "matee", "36065": "schtick", "36066": "roomie", "36067": "bodes", "36068": "imaging", "36069": "kaboul", "36070": "hahaah", "36071": "girrrrl", "36072": "crackling", "36073": "hahaaa", "36074": "yokai", "36075": "semester", "36076": "cooed", "36077": "rko", "36078": "grell", "36079": "wssup", "36080": "proceed", "36081": "faint", "36082": "irritate", "36083": "tought", "36084": "widens", "36085": "markets", "36086": "minor", "36087": "emoticon", "36088": "knoww", "36089": "knows", "36090": "bumped", "36091": "inverness", "36092": "obon", "36093": "bartolo", "36094": "lancashire", "36095": "basically", "36096": "glam", "36097": "known", "36098": "╥", "36099": "mellow", "36100": "glad", "36101": "wrestled", "36102": "hoopin", "36103": "parable", "36104": "eden", "36105": "sleeveless", "36106": "ooooohhhh", "36107": "kakashi", "36108": "⚒", "36109": "wrestler", "36110": "v", "36111": "teague", "36112": "eder", "36113": "carers", "36114": "bashir", "36115": "pony", "36116": "3yo", "36117": "caffeinated", "36118": "danggg", "36119": "funnyy", "36120": "scd", "36121": "pone", "36122": "pond", "36123": "pong", "36124": "swung", "36125": "toughie", "36126": "dorito", "36127": "?", "36128": "cuddy", "36129": "influenced", "36130": "court", "36131": "goal", "36132": "goan", "36133": "wtfff", "36134": "🔁", "36135": "satanist", "36136": "arianas", "36137": "25am", "36138": "johannesburg", "36139": "influences", "36140": "influencer", "36141": "cudda", "36142": "oye", "36143": "explains", "36144": "goat", "36145": "oya", "36146": "goodreads", "36147": "acknowledging", "36148": "619", "36149": "algebra", "36150": "610", "36151": "weaknesses", "36152": "ballsy", "36153": "caden", "36154": "615", "36155": "aaaah", "36156": "catalog", "36157": "unsurprising", "36158": "kesler", "36159": "softball", "36160": "aaaaa", "36161": "skyfall", "36162": "aaahhhhh", "36163": "fenris", "36164": "rationalize", "36165": "prefers", "36166": "ldrago", "36167": "stash", "36168": "shade", "36169": "hecking", "36170": "turnover", "36171": "carmelo", "36172": "coraline", "36173": "🐄", "36174": "essence", "36175": "doorknob", "36176": "outraged", "36177": "aaaahh", "36178": "soler", "36179": "reconnect", "36180": "babyyyy", "36181": "inquiries", "36182": "developer", "36183": "50000", "36184": "disagreed", "36185": "style", "36186": "prat", "36187": "call", "36188": "misspelled", "36189": "styll", "36190": "beyonce", "36191": "hahahahahhaha", "36192": "abbey", "36193": "resort", "36194": "prac", "36195": "scot", "36196": "disagrees", "36197": "guan", "36198": "stephen", "36199": "pram", "36200": "emre", "36201": "wouldn", "36202": "sucking", "36203": "bojangles", "36204": "cannoli", "36205": "eulogy", "36206": "redbox", "36207": "oppaa", "36208": "tortillas", "36209": "huskies", "36210": "communities", "36211": "youuuuuuuuu", "36212": "hairdryer", "36213": "jihadists", "36214": "gannon", "36215": "niese", "36216": "marcus", "36217": "fubar", "36218": "gazes", "36219": "friendship", "36220": "nicotine", "36221": "colder", "36222": "woodbridge", "36223": "meagan", "36224": "organiser", "36225": "duchess", "36226": "expect", "36227": "ironing", "36228": "organised", "36229": "chunder", "36230": "inflated", "36231": "5ft", "36232": "beyoncé", "36233": "numbed", "36234": "prolly", "36235": "wondered", "36236": "catie", "36237": "adhere", "36238": "reverend", "36239": "yala", "36240": "krispy", "36241": "indirecting", "36242": "shipment", "36243": "tactician", "36244": "induced", "36245": "remodeling", "36246": "muuuch", "36247": "monotone", "36248": "mtgo", "36249": "reallll", "36250": "tractors", "36251": "cookie", "36252": "enrollment", "36253": "hots", "36254": "reallly", "36255": "cookin", "36256": "bushes", "36257": "singlet", "36258": "ragrets", "36259": "stampede", "36260": "girllllllll", "36261": "wll", "36262": "precal", "36263": "consequence", "36264": "dislikes", "36265": "babyface", "36266": "wld", "36267": "wlf", "36268": "ding", "36269": "🌀", "36270": "dine", "36271": "dina", "36272": "bham", "36273": "(", "36274": "feen", "36275": "bhai", "36276": "_______________", "36277": "shounen", "36278": "feet", "36279": "sympathy", "36280": "sailor", "36281": "dint", "36282": "dins", "36283": "notify", "36284": "colombia", "36285": "pablo", "36286": "slower", "36287": "soaps", "36288": "notifs", "36289": "dolezal", "36290": "grimm", "36291": "gourmet", "36292": "grime", "36293": "hangs", "36294": "pheonix", "36295": "undies", "36296": "grimy", "36297": "piedmont", "36298": "photographing", "36299": "recovered", "36300": "pipelines", "36301": "companions", "36302": "checklist", "36303": "hotel", "36304": "60", "36305": "blondie", "36306": "optical", "36307": "▔", "36308": "nagging", "36309": "dyson", "36310": "zachary", "36311": "aims", "36312": "outrageous", "36313": "harman", "36314": "harping", "36315": "cuff", "36316": "risks", "36317": "insulted", "36318": "outdoors", "36319": "aime", "36320": "restful", "36321": "risky", "36322": "7c", "36323": "saya", "36324": "jsut", "36325": "7m", "36326": "suspicious", "36327": "7k", "36328": "noelle", "36329": "bookworm", "36330": "marbs", "36331": "pml", "36332": "7s", "36333": "7p", "36334": "nightcrawler", "36335": "nohomo", "36336": "rife", "36337": "nights", "36338": "nightt", "36339": "buzzard", "36340": "dharma", "36341": "nighty", "36342": "freshener", "36343": "moist", "36344": "yeahh", "36345": "finding", "36346": "donor", "36347": "hominem", "36348": "15x15", "36349": "donot", "36350": "777", "36351": "cemented", "36352": "770", "36353": "64", "36354": "distaste", "36355": "intervened", "36356": "drowns", "36357": "screenings", "36358": "77", "36359": "76", "36360": "75", "36361": "74", "36362": "73", "36363": "72", "36364": "71", "36365": "70", "36366": "nothing", "36367": "boycotting", "36368": "prestige", "36369": "jsy", "36370": "79", "36371": "78", "36372": "deano", "36373": "bubby", "36374": "deans", "36375": "saloon", "36376": "notch", "36377": "rte", "36378": "rtd", "36379": "rtg", "36380": "vinnie", "36381": "rtc", "36382": "journeys", "36383": "pennies", "36384": "cdn", "36385": "juliana", "36386": "rti", "36387": "onda", "36388": "geordie", "36389": "rts", "36390": "cds", "36391": "🆙", "36392": "rtx", "36393": "enormously", "36394": "stubble", "36395": "ı", "36396": "delinquent", "36397": "unrealistic", "36398": "rebooting", "36399": "mosey", "36400": "insinuating", "36401": "bhafc", "36402": "blockedt", "36403": "moses", "36404": "porque", "36405": "shepherd", "36406": "publicity", "36407": "undervalued", "36408": "compiled", "36409": "alicia", "36410": "lmfaaao", "36411": "deaded", "36412": "fastest", "36413": "sweatdrop", "36414": "lundqvist", "36415": "critically", "36416": "compiler", "36417": "typos", "36418": "metta", "36419": "continuum", "36420": "whaaatt", "36421": "nibbles", "36422": "timeless", "36423": "investigate", "36424": "anout", "36425": "birthdaay", "36426": "wheeling", "36427": "nibbled", "36428": "knickers", "36429": "suckling", "36430": "equinox", "36431": "choreographer", "36432": "achieved", "36433": "declines", "36434": "kylie", "36435": "choreographed", "36436": "achiever", "36437": "dancefloor", "36438": "declined", "36439": "heeeeeeey", "36440": "annihilation", "36441": "", "36442": "californication", "36443": "degrading", "36444": "baines", "36445": "▶", "36446": "numerous", "36447": "curtsies", "36448": "latin", "36449": "🍅", "36450": "creating", "36451": "creatine", "36452": "outfit", "36453": "lmfaooooooooooo", "36454": "achy", "36455": "bctf", "36456": "competent", "36457": "holby", "36458": "prelude", "36459": "relying", "36460": "lovecraft", "36461": "prescription", "36462": "anniv", "36463": "hesitant", "36464": "interrogate", "36465": "roman", "36466": "f2p", "36467": "annie", "36468": "mcd", "36469": "rollers", "36470": "blissfully", "36471": "cynic", "36472": "tgt", "36473": "shaquille", "36474": "loveee", "36475": "mwahahaha", "36476": "nipping", "36477": "ravi", "36478": "crisps", "36479": "tge", "36480": "rave", "36481": "asda", "36482": "tgi", "36483": "crispy", "36484": "goats", "36485": "simpler", "36486": "easportsfifa", "36487": "jave", "36488": "decline", "36489": "java", "36490": "incomes", "36491": "bertrand", "36492": "scented", "36493": "javi", "36494": "creamfields", "36495": "manhunt", "36496": "skyward", "36497": "chummy", "36498": "siting", "36499": "referee", "36500": "bhe", "36501": "firefighters", "36502": "transferring", "36503": "unidentified", "36504": "wishfulthinking", "36505": "brantley", "36506": "brokers", "36507": "opposites", "36508": "bumass", "36509": "rocking", "36510": "concentrates", "36511": "plants", "36512": "basicly", "36513": "vallejo", "36514": "georgia", "36515": "advocating", "36516": "yuvraj", "36517": "georgie", "36518": "miramar", "36519": "evaluated", "36520": "barricade", "36521": "thoes", "36522": "strapless", "36523": "disappointing", "36524": "awakening", "36525": "nightstand", "36526": "buckeye", "36527": "goonies", "36528": "alliances", "36529": "panasonic", "36530": "whitehead", "36531": "santos", "36532": "qaq", "36533": "wydd", "36534": "kimono", "36535": "firearms", "36536": "viola", "36537": "peoples", "36538": "esteemed", "36539": "maclin", "36540": "advise", "36541": "windows8", "36542": "literature", "36543": "painless", "36544": "flows", "36545": "holidays", "36546": "flown", "36547": "bartlett", "36548": "barfing", "36549": "soooooooooo", "36550": "cheek", "36551": "chickens", "36552": "shuttles", "36553": "bleugh", "36554": "cheep", "36555": "oooops", "36556": "cheer", "36557": "doggies", "36558": "cheez", "36559": "stating", "36560": "luckyyyy", "36561": "breastfeeding", "36562": "dinna", "36563": "polled", "36564": "", "36565": "lexus", "36566": "dinny", "36567": "profitable", "36568": "tables", "36569": "shelled", "36570": "tablet", "36571": "observant", "36572": "workers", "36573": "sevenfold", "36574": "🌮", "36575": "exciteddd", "36576": "reinstate", "36577": "yesturday", "36578": "associations", "36579": "complaint", "36580": "vendor", "36581": "complains", "36582": "pharell", "36583": "wasim", "36584": "moods", "36585": "kthx", "36586": "awaken", "36587": "moody", "36588": "rotate", "36589": "andddddd", "36590": "shaped", "36591": "liams", "36592": "avatars", "36593": "shapes", "36594": "distrust", "36595": "yorker", "36596": "potatos", "36597": "condoning", "36598": "punny", "36599": "essential", "36600": "hallmark", "36601": "sentai", "36602": "bork", "36603": "wonderland", "36604": "flippy", "36605": "jimmie", "36606": "¤", "36607": "gangsters", "36608": "moco", "36609": "💬", "36610": "js", "36611": "seller", "36612": "adoptive", "36613": "achi", "36614": "1250", "36615": "innovation", "36616": "widnes", "36617": "jawline", "36618": "impossibly", "36619": "porridge", "36620": "mcdicks", "36621": "raiden", "36622": "raided", "36623": "orly", "36624": "orla", "36625": "weih", "36626": "naismith", "36627": "raider", "36628": "rotc", "36629": "backes", "36630": "dormant", "36631": "substances", "36632": "peeved", "36633": "firing", "36634": "surfers", "36635": "shleep", "36636": "militia", "36637": "dialog", "36638": "5yrs", "36639": "womens", "36640": "wanna", "36641": "brunomars", "36642": "gamma", "36643": "tomboy", "36644": "barr", "36645": "greenfield", "36646": "plethora", "36647": "mommy", "36648": "drifter", "36649": "momma", "36650": "kmfsl", "36651": "drifted", "36652": "baru", "36653": "scrunch", "36654": "4rm", "36655": "lexy", "36656": "lexx", "36657": "baggy", "36658": "preordered", "36659": "prettier", "36660": "pabo", "36661": "analyze", "36662": "sections", "36663": "files", "36664": "wimme", "36665": "plunge", "36666": "filet", "36667": "hust", "36668": "raisins", "36669": "trainees", "36670": "glamour", "36671": "cloth", "36672": "galway", "36673": "filed", "36674": "junior", "36675": "raising", "36676": "penguin", "36677": "fics", "36678": "patriot", "36679": "consist", "36680": "exactlyyy", "36681": "characteristic", "36682": "barring", "36683": "misaki", "36684": "campy", "36685": "bitchess", "36686": "highlight", "36687": "mirotic", "36688": "strands", "36689": "thefamily", "36690": "unwarranted", "36691": "individuality", "36692": "freal", "36693": "freak", "36694": "curren", "36695": "smudged", "36696": "gabs", "36697": "kathryn", "36698": "fwend", "36699": "blahh", "36700": "siobhan", "36701": "crepes", "36702": "imean", "36703": "graham", "36704": "rainy", "36705": "asssssss", "36706": "evils", "36707": "swats", "36708": "endurance", "36709": "tesco", "36710": "ext", "36711": "creepier", "36712": "democratically", "36713": "parlor", "36714": "raina", "36715": "mock", "36716": "h2h", "36717": "🙁", "36718": "ctr", "36719": "muddled", "36720": "fendi", "36721": "mustard", "36722": "backbone", "36723": "problems", "36724": "janelle", "36725": "problemo", "36726": "insect", "36727": "o3o", "36728": "bcos", "36729": "vigil", "36730": "bcoz", "36731": "rightful", "36732": "wonton", "36733": "remix", "36734": "gabe", "36735": "vice", "36736": "vick", "36737": "xxxxxxxxxxxx", "36738": "omona", "36739": "", "36740": "yeeess", "36741": "narrative", "36742": "haaaa", "36743": "intentional", "36744": "once", "36745": "edc", "36746": "wrestle", "36747": "edd", "36748": "hooks", "36749": "edi", "36750": "resistance", "36751": "edl", "36752": "edm", "36753": "eds", "36754": "overlap", "36755": "edt", "36756": "edu", "36757": "hooka", "36758": "blizzards", "36759": "worrisome", "36760": "simon", "36761": "keds", "36762": "cuppa", "36763": "pawty", "36764": "druggy", "36765": "»", "36766": "yeses", "36767": "dramatically", "36768": "inflammation", "36769": "breathing", "36770": "seized", "36771": "adventuring", "36772": "bibles", "36773": "barstool", "36774": "niqqa", "36775": "ja", "36776": "spook", "36777": "artery", "36778": "spoof", "36779": "roaches", "36780": "egirls", "36781": "posture", "36782": "4minute", "36783": "falloutboy", "36784": "relived", "36785": "dialed", "36786": "gullible", "36787": "tenderness", "36788": "leavers", "36789": "bewbs", "36790": "polling", "36791": "mirai", "36792": "snails", "36793": "braintree", "36794": "pleas", "36795": "someday", "36796": "smaller", "36797": "flashlights", "36798": "goodies", "36799": "flipagram", "36800": "lightest", "36801": "ocho", "36802": "osvaldo", "36803": "traveling", "36804": "plead", "36805": "shipley", "36806": "shhhhhhhhh", "36807": "wands", "36808": "hellooooooo", "36809": "bdo", "36810": "safaricomltd", "36811": "bdw", "36812": "🚴", "36813": "bds", "36814": "capital", "36815": "toenails", "36816": "ginny", "36817": "underwood", "36818": "brackin", "36819": "sophistication", "36820": "batty", "36821": "barb", "36822": "sandlot", "36823": "incriminating", "36824": "calvin", "36825": "headless", "36826": "jumpstreet", "36827": "applauds", "36828": "unconditional", "36829": "definitively", "36830": "armpit", "36831": "harrington", "36832": "millsap", "36833": "snobby", "36834": "bare", "36835": "deservedly", "36836": "delano", "36837": "dropper", "36838": "narendramodi", "36839": "hahahahaha", "36840": "hippie", "36841": "consumption", "36842": "ctf", "36843": "chobani", "36844": "fritos", "36845": "sorrrry", "36846": "motherfucka", "36847": "waterpark", "36848": "eevee", "36849": "bottomless", "36850": "letchu", "36851": "possession", "36852": "beutiful", "36853": "rarest", "36854": "blythe", "36855": "recount", "36856": "posturing", "36857": "🍜", "36858": "panted", "36859": "duster", "36860": "chappy", "36861": "strategically", "36862": "dusted", "36863": "anywhere", "36864": "nawaz", "36865": "tribalism", "36866": "bari", "36867": "dropped", "36868": "bittersweet", "36869": "dreamz", "36870": "patrol", "36871": "patron", "36872": "meeeeeee", "36873": "tootsie", "36874": "danni", "36875": "serendipity", "36876": "jeebus", "36877": "enrique", "36878": "counterfeit", "36879": "sis", "36880": "sir", "36881": "manish", "36882": "sip", "36883": "turnpike", "36884": "siu", "36885": "sit", "36886": "handover", "36887": "bungee", "36888": "six", "36889": "parlour", "36890": "briar", "36891": "traders", "36892": "brian", "36893": "sia", "36894": "crutch", "36895": "sig", "36896": "sif", "36897": "sie", "36898": "sid", "36899": "slamming", "36900": "instead", "36901": "mccoy", "36902": "dwn", "36903": "sin", "36904": "sim", "36905": "beige", "36906": "beeee", "36907": "fiancée", "36908": "👉", "36909": "demonstrates", "36910": "immersed", "36911": "impulsive", "36912": "abuse", "36913": "appointing", "36914": "niggggga", "36915": "chubbies", "36916": "light", "36917": "olson", "36918": "lmaaooo", "36919": "honestly", "36920": "scrubs", "36921": "necklace", "36922": "ehem", "36923": "ehen", "36924": "eheh", "36925": "eloquent", "36926": "stamped", "36927": "tropics", "36928": "damsel", "36929": "knowledgable", "36930": "133", "36931": "132", "36932": "131", "36933": "130", "36934": "wawa", "36935": "136", "36936": "135", "36937": "134", "36938": "139", "36939": "138", "36940": "badges", "36941": "badger", "36942": "spotify", "36943": "carols", "36944": "410", "36945": "restrain", "36946": "yesterdays", "36947": "redhead", "36948": "clusters", "36949": "pfffft", "36950": "edging", "36951": "carole", "36952": "freeman", "36953": "pecans", "36954": "blackberries", "36955": "citrus", "36956": "wolfgang", "36957": "material", "36958": "35mm", "36959": "oranges", "36960": "invitations", "36961": "13s", "36962": "chula", "36963": "snoopy", "36964": "roadhog", "36965": "flea", "36966": "beeing", "36967": "flee", "36968": "fled", "36969": "gassed", "36970": "worlds", "36971": "khabib", "36972": "eyyyy", "36973": "ratatouille", "36974": "riven", "36975": "feast", "36976": "corndog", "36977": "bttr", "36978": "billy", "36979": "fuzz", "36980": "rockets", "36981": "crikey", "36982": "tanktop", "36983": "disregarding", "36984": "lilac", "36985": "boobear", "36986": "barnett", "36987": "related", "36988": "skank", "36989": "88", "36990": "89", "36991": "82", "36992": "relates", "36993": "8ball", "36994": "81", "36995": "86", "36996": "87", "36997": "84", "36998": "85", "36999": "okee", "37000": "obvs", "37001": "frontier", "37002": "okei", "37003": "hahahahhah", "37004": "whooped", "37005": "behaviours", "37006": "exporting", "37007": "okey", "37008": "plural", "37009": "geog", "37010": "8k", "37011": "hibiya", "37012": "8o", "37013": "8m", "37014": "8c", "37015": "ipod", "37016": "maintains", "37017": "8d", "37018": "baaaack", "37019": "8x", "37020": "habibi", "37021": "vacations", "37022": "8s", "37023": "philip", "37024": "natwest", "37025": "repairing", "37026": "ltr", "37027": "timesnow", "37028": "spazz", "37029": "murry", "37030": "jozy", "37031": "levi", "37032": "rustling", "37033": "4th", "37034": "shutout", "37035": "lte", "37036": "ltd", "37037": "utb", "37038": "plainly", "37039": "welllllll", "37040": "echo", "37041": "kaise", "37042": "awwwwwwwwwww", "37043": "wimp", "37044": "utc", "37045": "bois", "37046": "publication", "37047": "unwashed", "37048": "bmore", "37049": "50am", "37050": "damnnnnnn", "37051": "their", "37052": "siaa", "37053": "siao", "37054": "sian", "37055": "siam", "37056": "boii", "37057": "misinformed", "37058": "siah", "37059": "shell", "37060": "wendell", "37061": "shelf", "37062": "reversed", "37063": "splinters", "37064": "shelb", "37065": "juls", "37066": "reflecting", "37067": "baptized", "37068": "julz", "37069": "july", "37070": "uta", "37071": "marbella", "37072": "beastmode", "37073": "overground", "37074": "haahaha", "37075": "isolation", "37076": "rarity", "37077": "squealing", "37078": "heartbleed", "37079": "devi", "37080": "migration", "37081": "crucify", "37082": "therock", "37083": "wittle", "37084": "violets", "37085": "blip", "37086": "alerted", "37087": "imdb", "37088": "faux", "37089": "academically", "37090": "clyro", "37091": "catholic", "37092": "angle", "37093": "rearranged", "37094": "russians", "37095": "scone", "37096": "stroman", "37097": "anglo", "37098": "thala", "37099": "dilemmas", "37100": "which", "37101": "cardigans", "37102": "pharmacist", "37103": "skysports", "37104": "6x", "37105": "lameo", "37106": "buttttttt", "37107": "clash", "37108": "petrol", "37109": "sweeeeeet", "37110": "amazingness", "37111": "movin", "37112": "snacking", "37113": "kanda", "37114": "cracking", "37115": "emancipation", "37116": "alarmed", "37117": "class", "37118": "lamer", "37119": "lames", "37120": "statute", "37121": "neighboring", "37122": "mishaps", "37123": "waldorf", "37124": "vernacular", "37125": "okaay", "37126": "fowler", "37127": "fcks", "37128": "rejections", "37129": "gain", "37130": "twitting", "37131": "inspirations", "37132": "kegs", "37133": "tariq", "37134": "kaskade", "37135": "chances", "37136": "maknae", "37137": "stove", "37138": "wince", "37139": "heeeeey", "37140": "darkest", "37141": "tarik", "37142": "winch", "37143": "bottling", "37144": "durant", "37145": "squirms", "37146": "gomawo", "37147": "mumbai", "37148": "lemmy", "37149": "combs", "37150": "hudgens", "37151": "surroundings", "37152": "lemme", "37153": "combo", "37154": "piano", "37155": "awwe", "37156": "watching", "37157": "mainly", "37158": "ehhhhhh", "37159": "awwn", "37160": "awwh", "37161": "awww", "37162": "checkpoints", "37163": "armaan", "37164": "bronco", "37165": "chips", "37166": "crosswalk", "37167": "stitching", "37168": "zine", "37169": "belts", "37170": "kiba", "37171": "lense", "37172": "affluent", "37173": "ripley", "37174": "kneel", "37175": "queries", "37176": "deceived", "37177": "inventive", "37178": "skittle", "37179": "acquired", "37180": "🎊", "37181": "module", "37182": "timeeee", "37183": "clawed", "37184": "arses", "37185": "🐛", "37186": "wassuppp", "37187": "dlc", "37188": "televised", "37189": "timbs", "37190": "frustrates", "37191": "dlo", "37192": "fursona", "37193": "oooohhh", "37194": "stories", "37195": "frustrated", "37196": "barbeque", "37197": "publishers", "37198": "masochistic", "37199": "exam", "37200": "trynna", "37201": "amen", "37202": "asuka", "37203": "agencies", "37204": "duane", "37205": "amex", "37206": "hellla", "37207": "helllo", "37208": "ames", "37209": "hellll", "37210": "swift", "37211": "succesful", "37212": "swann", "37213": "renault", "37214": "jhalak", "37215": "diehard", "37216": "constantine", "37217": "auctions", "37218": "benzema", "37219": "phaha", "37220": "mcelroy", "37221": "wale", "37222": "cutscenes", "37223": "wala", "37224": "800m", "37225": "wall", "37226": "wali", "37227": "galing", "37228": "walk", "37229": "walt", "37230": "sequences", "37231": "baconator", "37232": "rimming", "37233": "x_x", "37234": "ambani", "37235": "hindu", "37236": "charts", "37237": "gopro", "37238": "hindi", "37239": "mike", "37240": "liverpool", "37241": "nickel", "37242": "mika", "37243": "inbound", "37244": "astros", "37245": "wilding", "37246": "nicked", "37247": "tootie", "37248": "miki", "37249": "crappy", "37250": "ewan", "37251": "miku", "37252": "unmoved", "37253": "overturn", "37254": "desoto", "37255": "present", "37256": "abandoned", "37257": "unlike", "37258": "overuse", "37259": "vimeo", "37260": "pdx", "37261": "📱", "37262": "◻", "37263": "marshmellows", "37264": "rename", "37265": "eii", "37266": "offending", "37267": "lbloggers", "37268": "refs", "37269": "drips", "37270": "encouragement", "37271": "bookies", "37272": "audiences", "37273": "patti", "37274": "mally", "37275": "kissed", "37276": "unveiling", "37277": "fkn", "37278": "🐝", "37279": "cdfuu", "37280": "cine", "37281": "fkd", "37282": "unite", "37283": "unity", "37284": "ince", "37285": "units", "37286": "samson", "37287": "gets", "37288": "incl", "37289": "tomatoes", "37290": "cellphones", "37291": "coached", "37292": "nightttt", "37293": "convocation", "37294": "collab", "37295": "outcast", "37296": "automation", "37297": "coaches", "37298": "student", "37299": "pedal", "37300": "soph", "37301": "fenerbahce", "37302": "collar", "37303": "celtic", "37304": "gutter", "37305": "basingstoke", "37306": "masochist", "37307": "plowed", "37308": "realises", "37309": "pdc", "37310": "tyme", "37311": "emilee", "37312": "gutted", "37313": "spectator", "37314": "twirl", "37315": "firstly", "37316": "momo", "37317": "realised", "37318": "lightbulb", "37319": "carrie", "37320": "obtain", "37321": "batteries", "37322": "recollection", "37323": "casper", "37324": "biologist", "37325": "smite", "37326": "feathered", "37327": "console", "37328": "pendulum", "37329": "30yrs", "37330": "normalized", "37331": "smith", "37332": "concourse", "37333": "attractive", "37334": "buxton", "37335": "cruisers", "37336": "sparking", "37337": "unprecedented", "37338": "strava", "37339": "talkie", "37340": "frieza", "37341": "masquerade", "37342": "treehouse", "37343": "leena", "37344": "catfishing", "37345": "leon", "37346": "rajasthan", "37347": "dabo", "37348": "doughnut", "37349": "rofl", "37350": "seeya", "37351": "racists", "37352": "miami", "37353": "pokemons", "37354": "sophomore", "37355": "reince", "37356": "pimped", "37357": "🇵", "37358": "accra", "37359": "kawasaki", "37360": "friendo", "37361": "tumble", "37362": "scared", "37363": "kdb", "37364": "socialists", "37365": "platforms", "37366": "blunders", "37367": "export", "37368": "twirling", "37369": "scarey", "37370": "racking", "37371": "ablaze", "37372": "scares", "37373": "kds", "37374": "gables", "37375": "margarine", "37376": "totty", "37377": "blubbering", "37378": "14th", "37379": "detergent", "37380": "campfire", "37381": "totti", "37382": "noose", "37383": "debuts", "37384": "munchkins", "37385": "dangling", "37386": "parry", "37387": "tanisha", "37388": "asinine", "37389": "fluorescent", "37390": "motive", "37391": "idrk", "37392": "testosterone", "37393": "linger", "37394": "nda", "37395": "universe", "37396": "idrc", "37397": "nde", "37398": "ndd", "37399": "carving", "37400": "lizards", "37401": "swear", "37402": "sighting", "37403": "burgerking", "37404": "ndp", "37405": "channing", "37406": "loney", "37407": "cocked", "37408": "travelers", "37409": "《", "37410": "evryone", "37411": "loner", "37412": "weighted", "37413": "hotline", "37414": "yanked", "37415": "yankee", "37416": "anwser", "37417": "vai", "37418": "van", "37419": "val", "37420": "artifacts", "37421": "vac", "37422": "cinderella", "37423": "vag", "37424": "kidding", "37425": "vaz", "37426": "uniting", "37427": "vax", "37428": "🐲", "37429": "fuuuun", "37430": "var", "37431": "vas", "37432": "mingyu", "37433": "vat", "37434": "ervin", "37435": "unwrap", "37436": "hollyoaks", "37437": "mutter", "37438": "tasked", "37439": "godaddy", "37440": "mailed", "37441": "abolishing", "37442": "granny", "37443": "teaming", "37444": "squeeze", "37445": "defunding", "37446": "madd", "37447": "made", "37448": "tactics", "37449": "hng", "37450": "hitter", "37451": "mada", "37452": "whether", "37453": "madi", "37454": "below", "37455": "mads", "37456": "hahhaah", "37457": "stirring", "37458": "niggaaa", "37459": "myy", "37460": "unfolding", "37461": "fabregas", "37462": "jenny", "37463": "shooot", "37464": "inadequate", "37465": "chainsmokers", "37466": "myt", "37467": "1yr", "37468": "shoooo", "37469": "jenni", "37470": "ultimatum", "37471": "cargos", "37472": "mya", "37473": "myc", "37474": "myb", "37475": "trailing", "37476": "jenna", "37477": "🍄", "37478": "mutual", "37479": "∩", "37480": "demonize", "37481": "pickings", "37482": "abigail", "37483": "beerus", "37484": "sunrise", "37485": "toured", "37486": "riah", "37487": "rehman", "37488": "clicks", "37489": "rian", "37490": "pantomime", "37491": "exclamation", "37492": "bcz", "37493": "truckers", "37494": "100m", "37495": "frustrate", "37496": "risked", "37497": "margaret", "37498": "ceos", "37499": "wooohoooo", "37500": "sandler", "37501": "alienated", "37502": "validation", "37503": "ranks", "37504": "kene", "37505": "coincidentally", "37506": "🍳", "37507": "heidi", "37508": "richardson", "37509": "speedrun", "37510": "kenn", "37511": "galactica", "37512": "pasting", "37513": "jihad", "37514": "dafuck", "37515": "railing", "37516": "beeeee", "37517": "dehydrated", "37518": "karlee", "37519": "pardon", "37520": "granting", "37521": "🤦", "37522": "snowing", "37523": "lort", "37524": "wizardry", "37525": "headcanon", "37526": "lori", "37527": "lorh", "37528": "tommarow", "37529": "lore", "37530": "lord", "37531": "whoops", "37532": "shaving", "37533": "dwyer", "37534": "digit", "37535": "hormone", "37536": "hacked", "37537": "omigosh", "37538": "uncc", "37539": "gimmie", "37540": "mla", "37541": "storytime", "37542": "hibernating", "37543": "kemen", "37544": "aaaaaaaa", "37545": "internally", "37546": "scholar", "37547": "thotty", "37548": "customizable", "37549": "bugging", "37550": "clientele", "37551": "5days", "37552": "piling", "37553": "hague", "37554": "croatian", "37555": "vaporwave", "37556": "", "37557": "nigh", "37558": "tired", "37559": "nigg", "37560": "nige", "37561": "bacon", "37562": "pulse", "37563": "niga", "37564": "tires", "37565": "elegant", "37566": "second", "37567": "unchained", "37568": "assss", "37569": "mlm", "37570": "maloney", "37571": "nigs", "37572": "esok", "37573": "theory", "37574": "blouse", "37575": "🚤", "37576": "forgetting", "37577": "boogie", "37578": "contributed", "37579": "fingers", "37580": "notches", "37581": "roadhouse", "37582": "contributes", "37583": "specialist", "37584": "herh", "37585": "hero", "37586": "dahl", "37587": "herm", "37588": "reporter", "37589": "donalds", "37590": "herb", "37591": "hera", "37592": "interrupting", "37593": "here", "37594": "herd", "37595": "specialise", "37596": "reported", "37597": "glenda", "37598": "jarrod", "37599": "scifiactress", "37600": "hers", "37601": "herr", "37602": "herp", "37603": "tatum", "37604": "buddy", "37605": "conversational", "37606": "🍑", "37607": "southerners", "37608": "glutenfree", "37609": "reactivated", "37610": "reports", "37611": "iloveyou", "37612": "kennot", "37613": "📸", "37614": "bbcone", "37615": "hundley", "37616": "cancellation", "37617": "pairings", "37618": "9k", "37619": "swaggin", "37620": "9m", "37621": "magically", "37622": "secluded", "37623": "9c", "37624": "aahhh", "37625": "norse", "37626": "aul", "37627": "brought", "37628": "unis", "37629": "9s", "37630": "univ", "37631": "unit", "37632": "ducky", "37633": "marketers", "37634": "occupying", "37635": "cuadrado", "37636": "untie", "37637": "passport", "37638": "kluber", "37639": "until", "37640": "nyquil", "37641": "playboy", "37642": "abra", "37643": "holy", "37644": "brings", "37645": "georgian", "37646": "holt", "37647": "hols", "37648": "🍌", "37649": "99", "37650": "glass", "37651": "holm", "37652": "gusta", "37653": "t", "37654": "holi", "37655": "91", "37656": "90", "37657": "hole", "37658": "hold", "37659": "95", "37660": "94", "37661": "97", "37662": "96", "37663": "sweeten", "37664": "accomplishment", "37665": "battlefront", "37666": "temperatures", "37667": "sweeter", "37668": "concepts", "37669": "bizzy", "37670": "macarena", "37671": "smtm", "37672": "gohan", "37673": "smth", "37674": "reviewing", "37675": "polaroids", "37676": "smtg", "37677": "somebodys", "37678": "hof", "37679": "hog", "37680": "hod", "37681": "hoe", "37682": "hob", "37683": "hoc", "37684": "validity", "37685": "hon", "37686": "hoo", "37687": "hol", "37688": "drying", "37689": "hoh", "37690": "revisit", "37691": "hov", "37692": "how", "37693": "hot", "37694": "hou", "37695": "hor", "37696": "hos", "37697": "hop", "37698": "significance", "37699": "🐹", "37700": "symposium", "37701": "footloose", "37702": "ronnie", "37703": "classify", "37704": "hoy", "37705": "mueller", "37706": "congratsss", "37707": "beauty", "37708": "jallikattu", "37709": "beauts", "37710": "scottsdale", "37711": "outlawed", "37712": "roaster", "37713": "dwg", "37714": "extortion", "37715": "turnovers", "37716": "vance", "37717": "helsinki", "37718": "youths", "37719": "revolt", "37720": "headquarters", "37721": "scoffs", "37722": "creepily", "37723": "alias", "37724": "apink", "37725": "1001", "37726": "barnes", "37727": "democratic", "37728": "backdrop", "37729": "senators", "37730": "jelous", "37731": "dayna", "37732": "feedback", "37733": "uninstalling", "37734": "imyt", "37735": "telecom", "37736": "dreamed", "37737": "kickoff", "37738": "barclays", "37739": "merrill", "37740": "fidelity", "37741": "dreamer", "37742": "conned", "37743": "closers", "37744": "funni", "37745": "frst", "37746": "backpack", "37747": "conner", "37748": "nobles", "37749": "rootbeer", "37750": "admirable", "37751": "undercut", "37752": "blowjobs", "37753": "funnn", "37754": "lambert", "37755": "aesthetics", "37756": "zoning", "37757": "yfm", "37758": "educating", "37759": "beaut", "37760": "headboard", "37761": "fetching", "37762": "acme", "37763": "merrily", "37764": "blushes", "37765": "debut", "37766": "tyla", "37767": "acms", "37768": "spotless", "37769": "milliband", "37770": "addicted", "37771": "facking", "37772": "blushed", "37773": "weirdos", "37774": "whim", "37775": "angola", "37776": "snakes", "37777": "spidey", "37778": "concord", "37779": "knockout", "37780": "spider", "37781": "epidural", "37782": "snakey", "37783": "contracting", "37784": "snaked", "37785": "xmen", "37786": "cville", "37787": "cathedral", "37788": "whit", "37789": "whis", "37790": "whip", "37791": "borne", "37792": "shame", "37793": "trending", "37794": "2300", "37795": "excepting", "37796": "hardcover", "37797": "hangouts", "37798": "alltimelow", "37799": "ofcourse", "37800": "foyer", "37801": "hillaryclinton", "37802": "sellout", "37803": "hongbin", "37804": "managerial", "37805": "kayla", "37806": "jennie", "37807": "neverrrr", "37808": "encountering", "37809": "grapes", "37810": "enhance", "37811": "cornerstone", "37812": "atf", "37813": "golovkin", "37814": "atd", "37815": "ate", "37816": "201", "37817": "atc", "37818": "shelves", "37819": "baxk", "37820": "ato", "37821": "atl", "37822": "atm", "37823": "kashmir", "37824": "shelvey", "37825": "ath", "37826": "ati", "37827": "takeout", "37828": "att", "37829": "walmart", "37830": "ats", "37831": "divorcing", "37832": "leaps", "37833": "wobbling", "37834": "resetting", "37835": "atx", "37836": "dodgeball", "37837": "zayns", "37838": "minge", "37839": "angelic", "37840": "joseline", "37841": "oky", "37842": "munster", "37843": "playfully", "37844": "veggie", "37845": "spinning", "37846": "customization", "37847": "mings", "37848": "millers", "37849": "sutherland", "37850": "bitten", "37851": "plzzzzzz", "37852": "roni", "37853": "nomoe", "37854": "similarly", "37855": "xii", "37856": "rona", "37857": "rong", "37858": "tango", "37859": "teetee", "37860": "xiv", "37861": "chugging", "37862": "gilbert", "37863": "bitter", "37864": "ranging", "37865": "10a", "37866": "cushions", "37867": "relative", "37868": "devan", "37869": "donaldtrump", "37870": "peril", "37871": "biffy", "37872": "coward", "37873": "welcum", "37874": "likely", "37875": "nations", "37876": "pneumonia", "37877": "iin", "37878": "acquisition", "37879": "hud", "37880": "unintended", "37881": "esta", "37882": "keyshia", "37883": "boston", "37884": "paddles", "37885": "broody", "37886": "concordia", "37887": "corny", "37888": "corns", "37889": "kayo", "37890": "corbin", "37891": "divas", "37892": "kaye", "37893": "scousers", "37894": "kaya", "37895": "absorbed", "37896": "kayy", "37897": "sakurai", "37898": "backstreetboys", "37899": "klose", "37900": "shall", "37901": "object", "37902": "huaraches", "37903": "gallardo", "37904": "hui", "37905": "blackmailed", "37906": "cummings", "37907": "electionnight", "37908": "tsonga", "37909": "macbook", "37910": "shalt", "37911": "emailing", "37912": "hasent", "37913": "twickenham", "37914": "makati", "37915": "bodybuilder", "37916": "drunks", "37917": "drunky", "37918": "bateman", "37919": "incomplete", "37920": "marvel", "37921": "signatures", "37922": "prim", "37923": "prin", "37924": "whaaatttt", "37925": "chirps", "37926": "effy", "37927": "bonnie", "37928": "sexist", "37929": "prix", "37930": "qaeda", "37931": "sexism", "37932": "turnbull", "37933": "twet", "37934": "deedee", "37935": "priv", "37936": "legendaries", "37937": "parodies", "37938": "touches", "37939": "busy", "37940": "regurgitates", "37941": "louise", "37942": "buss", "37943": "bust", "37944": "cath", "37945": "rihanna", "37946": "dumbfuck", "37947": "bush", "37948": "touched", "37949": "telegram", "37950": "heartily", "37951": "longhorn", "37952": "cartwheels", "37953": "klein", "37954": "cushion", "37955": "thingys", "37956": "looting", "37957": "coley", "37958": "scherzinger", "37959": "greens", "37960": "textbooks", "37961": "tights", "37962": "coles", "37963": "greeny", "37964": "greene", "37965": "release", "37966": "bashar", "37967": "🍺", "37968": "yippie", "37969": "hobbes", "37970": "helmets", "37971": "branding", "37972": "🐋", "37973": "clev", "37974": "niche", "37975": "unexpectedly", "37976": "goodnight", "37977": "result", "37978": "clem", "37979": "mea", "37980": "hammer", "37981": "fiddler", "37982": "cheska", "37983": "brithday", "37984": "ambitions", "37985": "wikipedia", "37986": "shoosh", "37987": "stamps", "37988": "melissa", "37989": "occupational", "37990": "chode", "37991": "indecisive", "37992": "wts", "37993": "parallels", "37994": "wtv", "37995": "lalaland", "37996": "rolled", "37997": "mei", "37998": "mcbride", "37999": "vampin", "38000": "bioware", "38001": "meh", "38002": "wta", "38003": "barça", "38004": "wtc", "38005": "wtf", "38006": "chugs", "38007": "wth", "38008": "roller", "38009": "pity", "38010": "patented", "38011": "accident", "38012": "trickster", "38013": "sacrificing", "38014": "triggers", "38015": "pits", "38016": "dalvin", "38017": "pitt", "38018": "demanded", "38019": "chapelle", "38020": "autotune", "38021": "bebs", "38022": "pita", "38023": "asked", "38024": "followtrick", "38025": "30th", "38026": "timehop", "38027": "matts", "38028": "🚍", "38029": "groupon", "38030": "matty", "38031": "2nd", "38032": "matte", "38033": "femi", "38034": "matta", "38035": "blending", "38036": "diff", "38037": "cilla", "38038": "fema", "38039": "armored", "38040": "spares", "38041": "danke", "38042": "lighthouse", "38043": "billing", "38044": "twain", "38045": "amazinggggg", "38046": "chucked", "38047": "sponges", "38048": "anythng", "38049": "jackass", "38050": "doooo", "38051": "manips", "38052": "♂", "38053": "vikram", "38054": "eastern", "38055": "duin", "38056": "irving", "38057": "irvine", "38058": "noh", "38059": "modesty", "38060": "saranghae", "38061": "cunt", "38062": "oozes", "38063": "📡", "38064": "commerce", "38065": "linkin", "38066": "warframe", "38067": "dissect", "38068": "organisers", "38069": "castro", "38070": "masterpieces", "38071": "calcium", "38072": "meetin", "38073": "anw", "38074": "starstruck", "38075": "flooding", "38076": "remembering", "38077": "carmel", "38078": "duit", "38079": "yeapp", "38080": "played", "38081": "equator", "38082": "titp", "38083": "weirdness", "38084": "player", "38085": "campaigning", "38086": "ignoring", "38087": "crusaders", "38088": "onnnnnn", "38089": "thingy", "38090": "hokey", "38091": "things", "38092": "toaster", "38093": "rebellion", "38094": "craigslist", "38095": "horseshoe", "38096": "harmony", "38097": "resto", "38098": "gamechanger", "38099": "toasted", "38100": "templates", "38101": "tiffin", "38102": "jkt", "38103": "pitchforks", "38104": "jks", "38105": "ownership", "38106": "jkk", "38107": "tuna", "38108": "fuxking", "38109": "drc", "38110": "tune", "38111": "shizuo", "38112": "lmaooooooooo", "38113": "rafting", "38114": "ollyofficial", "38115": "_________", "38116": "chantelle", "38117": "burgers", "38118": "mz", "38119": "echoes", "38120": "milliner", "38121": "distribute", "38122": "greys", "38123": "ljoe", "38124": "heeled", "38125": "steered", "38126": "rushing", "38127": "succeeding", "38128": "collectibles", "38129": "enters", "38130": "dialogues", "38131": "butchering", "38132": "ease", "38133": "slices", "38134": "woodstock", "38135": "ooooh", "38136": "ooooo", "38137": "prison", "38138": "cdr", "38139": "east", "38140": "torrance", "38141": "keeley", "38142": "awsum", "38143": "sungyeol", "38144": "buttttt", "38145": "posed", "38146": "posey", "38147": "gameboy", "38148": "poser", "38149": "poses", "38150": "vigilante", "38151": "bushy", "38152": "occurring", "38153": "johncena", "38154": "strengths", "38155": "bobby", "38156": "blahhhh", "38157": "avila", "38158": "favoriting", "38159": "remind", "38160": "misled", "38161": "meringue", "38162": "bobbi", "38163": "sympathize", "38164": "battlefield", "38165": "olb", "38166": "right", "38167": "old", "38168": "ole", "38169": "oli", "38170": "dorian", "38171": "olt", "38172": "insistence", "38173": "oly", "38174": "animate", "38175": "summoner", "38176": "ㅠㅠㅠ", "38177": "ruffled", "38178": "rehearse", "38179": "championsleague", "38180": "creative", "38181": "witty", "38182": "ruffles", "38183": "jagielka", "38184": "summoned", "38185": "pondered", "38186": "stingray", "38187": "savile", "38188": "doggo", "38189": "yorks", "38190": "yorke", "38191": "bowing", "38192": "manufacturing", "38193": "emits", "38194": "slither", "38195": "lackey", "38196": "dietary", "38197": "bynum", "38198": "o", "38199": "bruin", "38200": "surveillance", "38201": "consignment", "38202": "lacked", "38203": "palestinians", "38204": "slightly", "38205": "spaniards", "38206": "bannon", "38207": "consulting", "38208": "statements", "38209": "brozay", "38210": "kissy", "38211": "byram", "38212": "frig", "38213": "juicing", "38214": "epp", "38215": "🐢", "38216": "frazzled", "38217": "malcom", "38218": "clutter", "38219": "fireproof", "38220": "nox", "38221": "joseph", "38222": "kenzie", "38223": "jank", "38224": "triplets", "38225": "jane", "38226": "jang", "38227": "jana", "38228": "underestimated", "38229": "offer", "38230": "understandably", "38231": "forming", "38232": "drummond", "38233": "grrrrrrr", "38234": "notifications", "38235": "talents", "38236": "understandable", "38237": "survive", "38238": "tasmania", "38239": "javon", "38240": "savoy", "38241": "lovewins", "38242": "b5", "38243": "myopic", "38244": "nerfs", "38245": "epps", "38246": "sponsorships", "38247": "nothingggg", "38248": "rerun", "38249": "cuddler", "38250": "b1", "38251": "tonne", "38252": "5yr", "38253": "b2", "38254": "karting", "38255": "bathrobe", "38256": "clappers", "38257": "marxists", "38258": "elon", "38259": "acacia", "38260": "5yo", "38261": "battalion", "38262": "smelt", "38263": "breeders", "38264": "floor", "38265": "zane", "38266": "dumpty", "38267": "cerritos", "38268": "uttered", "38269": "flood", "38270": "warms", "38271": "zany", "38272": "ambitious", "38273": "gyming", "38274": "becuase", "38275": "smell", "38276": "truffles", "38277": "rehearsing", "38278": "meghan", "38279": "rollins", "38280": "mesmerized", "38281": "muslims", "38282": "rolling", "38283": "caulker", "38284": "fainting", "38285": "everrr", "38286": "congested", "38287": "tims", "38288": "🍣", "38289": "puss", "38290": "dogma", "38291": "stables", "38292": "packets", "38293": "sendin", "38294": "fergie", "38295": "mummy", "38296": "oooohh", "38297": "amwriting", "38298": "time", "38299": "push", "38300": "boreddd", "38301": "banners", "38302": "masturbation", "38303": "timo", "38304": "wark", "38305": "detective", "38306": "newbie", "38307": "perpetrated", "38308": "reviewers", "38309": "hearties", "38310": "shimmy", "38311": "trashcan", "38312": "aligned", "38313": "happpy", "38314": "charlee", "38315": "carpenters", "38316": "810", "38317": "nugs", "38318": "815", "38319": "nugu", "38320": "claustrophobic", "38321": "zouma", "38322": "consolidation", "38323": "alcoholics", "38324": "fatigued", "38325": "fullest", "38326": "betterment", "38327": "w00t", "38328": "pogba", "38329": "staffs", "38330": "tricycle", "38331": "unify", "38332": "moviee", "38333": "holliday", "38334": "unaware", "38335": "droid", "38336": "thinkers", "38337": "rents", "38338": "findings", "38339": "insignificant", "38340": "prediction", "38341": "sheeran", "38342": "nightie", "38343": "coppers", "38344": "elton", "38345": "privatisation", "38346": "jodeci", "38347": "axes", "38348": "xfiles", "38349": "wriggle", "38350": "axel", "38351": "crooks", "38352": "falling", "38353": "badge", "38354": "aghh", "38355": "creepiest", "38356": "ramming", "38357": "grandparents", "38358": "funeral", "38359": "bi", "38360": "contemplate", "38361": "yards", "38362": "hansel", "38363": "alone", "38364": "along", "38365": "anchoring", "38366": "yds", "38367": "evrything", "38368": "weebs", "38369": "saws", "38370": "vectors", "38371": "clancy", "38372": "prettyy", "38373": "ourself", "38374": "g2g", "38375": "yessssir", "38376": "sawa", "38377": "dickrider", "38378": "santa", "38379": "melodious", "38380": "radish", "38381": "bs", "38382": "prefer", "38383": "residual", "38384": "heartbreaks", "38385": "phecdia", "38386": "cussin", "38387": "mesha", "38388": "averse", "38389": "reallyyy", "38390": "homesick", "38391": "cannonball", "38392": "dictated", "38393": "😪", "38394": "electronically", "38395": "distancing", "38396": "wuuut", "38397": "bz", "38398": "films", "38399": "syrians", "38400": "krk", "38401": "loving", "38402": "skul", "38403": "marbles", "38404": "jpop", "38405": "leeches", "38406": "clitoris", "38407": "pigment", "38408": "oregon", "38409": "appendix", "38410": "jadey", "38411": "affi", "38412": "indiegogo", "38413": "afff", "38414": "coursee", "38415": "goodell", "38416": "logos", "38417": "alllllll", "38418": "whaaaat", "38419": "wook", "38420": "blackburn", "38421": "pshhh", "38422": "privy", "38423": "duhhhh", "38424": "fouls", "38425": "printing", "38426": "metalcore", "38427": "logon", "38428": "whaaaaa", "38429": "👾", "38430": "mauled", "38431": "anytin", "38432": "nascar", "38433": "offense", "38434": "evidently", "38435": "normies", "38436": "coyotes", "38437": "divided", "38438": "poking", "38439": "neocons", "38440": "immune", "38441": "shesh", "38442": "coleman", "38443": "divides", "38444": "snapdeal", "38445": "gir", "38446": "laundry", "38447": "explorer", "38448": "slush", "38449": "latte", "38450": "succ", "38451": "explored", "38452": "mustve", "38453": "cardiac", "38454": "such", "38455": "suck", "38456": "dove", "38457": "narrating", "38458": "yaaaaaaay", "38459": "ssm", "38460": "stress", "38461": "varieties", "38462": "muzik", "38463": "yaaaaaaas", "38464": "darkened", "38465": "tailor", "38466": "truck", "38467": "truce", "38468": "vika", "38469": "unsolicited", "38470": "gracing", "38471": "noteworthy", "38472": "tts", "38473": "ttp", "38474": "ttu", "38475": "ttt", "38476": "course", "38477": "habbit", "38478": "ttm", "38479": "dye", "38480": "ttc", "38481": "darting", "38482": "deity", "38483": "“", "38484": "shudders", "38485": "derive", "38486": "yawning", "38487": "thumb", "38488": "accordion", "38489": "councillor", "38490": "heyward", "38491": "nessie", "38492": "thump", "38493": "decreased", "38494": "931", "38495": "930", "38496": "parades", "38497": "deviant", "38498": "instantly", "38499": "smarter", "38500": "savor", "38501": "compelled", "38502": "subscribers", "38503": "akron", "38504": "ketchup", "38505": "maintaining", "38506": "mañana", "38507": "freya", "38508": "withdrew", "38509": "hancock", "38510": "firmino", "38511": "follwed", "38512": "fabian", "38513": "diagram", "38514": "lucci", "38515": "suspends", "38516": "veins", "38517": "wallpapers", "38518": "turtle", "38519": "whitewashing", "38520": "lowkey", "38521": "alvaro", "38522": "commencing", "38523": "welc", "38524": "😓", "38525": "gtav", "38526": "egghead", "38527": "sexually", "38528": "amaretto", "38529": "minority", "38530": "bonehead", "38531": "pssssh", "38532": "ughhhhh", "38533": "blu", "38534": "blt", "38535": "sunburnt", "38536": "sunburns", "38537": "bornday", "38538": "blr", "38539": "blm", "38540": "exploding", "38541": "blk", "38542": "ble", "38543": "formula", "38544": "ruto", "38545": "bla", "38546": "psssst", "38547": "humpday", "38548": "smalls", "38549": "complimented", "38550": "ples", "38551": "prostitutes", "38552": "mapped", "38553": "seventh", "38554": "plez", "38555": "quite", "38556": "spooning", "38557": "allstar", "38558": "pleb", "38559": "besides", "38560": "gta5", "38561": "vegetarians", "38562": "quits", "38563": "inhaler", "38564": "inhales", "38565": "remainder", "38566": "seventy", "38567": "training", "38568": "dunne", "38569": "0345", "38570": "horan", "38571": "dunno", "38572": "punk", "38573": "routed", "38574": "chevy", "38575": "mythic", "38576": "punt", "38577": "puns", "38578": "massive", "38579": "routes", "38580": "router", "38581": "hooch", "38582": "maaannn", "38583": "puny", "38584": "bassy", "38585": "deadspin", "38586": "clause", "38587": "reopen", "38588": "💕", "38589": "awko", "38590": "spanish", "38591": "tipster", "38592": "santander", "38593": "structured", "38594": "afterschool", "38595": "judgements", "38596": "twenties", "38597": "draft", "38598": "directioner", "38599": "separatists", "38600": "realization", "38601": "shoppers", "38602": "structures", "38603": "closeted", "38604": "williams", "38605": "mobbing", "38606": "plies", "38607": "ashby", "38608": "starfish", "38609": "mirroring", "38610": "proving", "38611": "artifact", "38612": "emote", "38613": "ridiculous", "38614": "beasties", "38615": "boyfriend", "38616": "meteors", "38617": "scrumptious", "38618": "siding", "38619": "glossy", "38620": "rememba", "38621": "bauer", "38622": "sophie", "38623": "janitor", "38624": "sophia", "38625": "sandrabland", "38626": "sai", "38627": "sah", "38628": "sao", "38629": "san", "38630": "", "38631": "sal", "38632": "sac", "38633": "sab", "38634": "saa", "38635": "sag", "38636": "afternoons", "38637": "rainey", "38638": "sad", "38639": "sosososo", "38640": "woah", "38641": "say", "38642": "rained", "38643": "watchout", "38644": "stanley", "38645": "sas", "38646": "sar", "38647": "sap", "38648": "saw", "38649": "sav", "38650": "sau", "38651": "sat", "38652": "nott", "38653": "nots", "38654": "owls", "38655": "coogi", "38656": "aside", "38657": "underpaid", "38658": "note", "38659": "nota", "38660": "roadside", "38661": "wanting", "38662": "grammys", "38663": "butterfly", "38664": "handing", "38665": "retina", "38666": "tristen", "38667": "knew", "38668": "charas", "38669": "invoked", "38670": "remarks", "38671": "knee", "38672": "pager", "38673": "pages", "38674": "peice", "38675": "sall", "38676": "montage", "38677": "athletes", "38678": "sale", "38679": "defeating", "38680": "sodas", "38681": "butchered", "38682": "salt", "38683": "cobra", "38684": "beckham", "38685": "coughlin", "38686": "morrissey", "38687": "grilling", "38688": "jepsen", "38689": "slot", "38690": "comeeeee", "38691": "slow", "38692": "slop", "38693": "🔦", "38694": "romanian", "38695": "cloak", "38696": "foward", "38697": "tears", "38698": "going", "38699": "slob", "38700": "teary", "38701": "blinds", "38702": "congressional", "38703": "dispute", "38704": "nonce", "38705": "beatles", "38706": "goodluck", "38707": "condemning", "38708": "whaaaa", "38709": "wheelie", "38710": "👐", "38711": "fubu", "38712": "outlet", "38713": "southside", "38714": "hohoho", "38715": "whaaat", "38716": "wheelin", "38717": "shikari", "38718": "prime", "38719": "prima", "38720": "settings", "38721": "rogen", "38722": "monologues", "38723": "primo", "38724": "borrow", "38725": "tenerife", "38726": "skyline", "38727": "overreaction", "38728": "roger", "38729": "landlord", "38730": "where", "38731": "arrival", "38732": "marlene", "38733": "buuuuut", "38734": "fable", "38735": "gangster", "38736": "fellas", "38737": "purest", "38738": "pizzagate", "38739": "wuh", "38740": "poops", "38741": "thankyouuuuu", "38742": "jumped", "38743": "poopy", "38744": "teacup", "38745": "gurren", "38746": "bureau", "38747": "diddly", "38748": "comp", "38749": "mope", "38750": "jumper", "38751": "domi", "38752": "jobs", "38753": "lettin", "38754": "domo", "38755": "friended", "38756": "dome", "38757": "subtweeted", "38758": "clayton", "38759": "cosplays", "38760": "spare", "38761": "joba", "38762": "amore", "38763": "cedric", "38764": "shawnee", "38765": "spark", "38766": "doms", "38767": "❝", "38768": "quack", "38769": "deliciously", "38770": "yeeey", "38771": "farcical", "38772": "residence", "38773": "jokers", "38774": "thickly", "38775": "yeees", "38776": "christmases", "38777": "residency", "38778": "yeeee", "38779": "lakings", "38780": "woolworths", "38781": "wonho", "38782": "oakwood", "38783": "boaa", "38784": "boar", "38785": "boomers", "38786": "extinct", "38787": "omgsh", "38788": "boat", "38789": "narcissistic", "38790": "cities", "38791": "companionship", "38792": "ㅎㅎ", "38793": "stretch", "38794": "mounting", "38795": "locally", "38796": "airlines", "38797": "bandcamp", "38798": "hutton", "38799": "almighty", "38800": "reflective", "38801": "🎿", "38802": "youuuuuuuuuu", "38803": "lanes", "38804": "juts", "38805": "coughing", "38806": "trife", "38807": "lanez", "38808": "laney", "38809": "observe", "38810": "utube", "38811": "colluding", "38812": "bouncin", "38813": "chickened", "38814": "gimmicky", "38815": "bruuh", "38816": "gents", "38817": "reebok", "38818": "avan", "38819": "dario", "38820": "pacers", "38821": "dressy", "38822": "tinz", "38823": "darin", "38824": "constituency", "38825": "onerepublic", "38826": "region", "38827": "twisty", "38828": "famz", "38829": "trello", "38830": "canoe", "38831": "twists", "38832": "fams", "38833": "taser", "38834": "mixtape", "38835": "speedway", "38836": "whatttttt", "38837": "blah", "38838": "blam", "38839": "famm", "38840": "famo", "38841": "blac", "38842": "blab", "38843": "fame", "38844": "blag", "38845": "spunk", "38846": "threatens", "38847": "thinkin", "38848": "scientifically", "38849": "amiibo", "38850": "underestimate", "38851": "vandalism", "38852": "sweetdreams", "38853": "creditors", "38854": "mccormack", "38855": "nuzzle", "38856": "births", "38857": "nkandla", "38858": "cullen", "38859": "lawton", "38860": "idont", "38861": "🚧", "38862": "devolved", "38863": "renewable", "38864": "hubba", "38865": "colorblind", "38866": "tentacle", "38867": "grumps", "38868": "guernsey", "38869": "alfredo", "38870": "warmups", "38871": "grumpy", "38872": "hubby", "38873": "streatham", "38874": "scholarship", "38875": "gdp", "38876": "summer", "38877": "haylee", "38878": "sprayed", "38879": "212", "38880": "wannna", "38881": "210", "38882": "211", "38883": "ort", "38884": "slime", "38885": "hades", "38886": "219", "38887": "slimy", "38888": "gdc", "38889": "invalid", "38890": "summed", "38891": "vamp", "38892": "gdi", "38893": "personals", "38894": "hayley", "38895": "khalas", "38896": "jcolenc", "38897": "deceiving", "38898": "lolllll", "38899": "instrument", "38900": "ghostly", "38901": "coded", "38902": "quantico", "38903": "21s", "38904": "followedd", "38905": "awol", "38906": "unedited", "38907": "rpers", "38908": "carrollton", "38909": "bandage", "38910": "acronyms", "38911": "libs", "38912": "boycotted", "38913": "resentment", "38914": "vague", "38915": "bravery", "38916": "meaning", "38917": "stranger", "38918": "nutrients", "38919": "handouts", "38920": "discarded", "38921": "tsunami", "38922": "offenders", "38923": "pundits", "38924": "smthng", "38925": "stationary", "38926": "auditorium", "38927": "sremmurd", "38928": "scamming", "38929": "pushy", "38930": "gaggle", "38931": "realdonaldtrump", "38932": "britt", "38933": "replytweet", "38934": "elements", "38935": "brits", "38936": "fireflies", "38937": "wiggins", "38938": "islington", "38939": "exid", "38940": "wristband", "38941": "noob", "38942": "dds", "38943": "ddr", "38944": "noon", "38945": "nooo", "38946": "wendys", "38947": "mccall", "38948": "beckons", "38949": "nook", "38950": "tots", "38951": "graeme", "38952": "totp", "38953": "exit", "38954": "´", "38955": "noor", "38956": "23rd", "38957": "toty", "38958": "ddg", "38959": "ddd", "38960": "dekho", "38961": "lashing", "38962": "dresden", "38963": "scientific", "38964": "power", "38965": "intimate", "38966": "dweeb", "38967": "dekha", "38968": "iconic", "38969": "shoujo", "38970": "waddup", "38971": "eomma", "38972": "josie", "38973": "stone", "38974": "👧", "38975": "rosemary", "38976": "favorite", "38977": "slender", "38978": "side", "38979": "tumor", "38980": "neighbor", "38981": "marvis", "38982": "doodling", "38983": "bond", "38984": "stony", "38985": "9ers", "38986": "dannie", "38987": "burning", "38988": "shieeet", "38989": "attenborough", "38990": "gresham", "38991": "essex", "38992": "wads", "38993": "fertility", "38994": "sneering", "38995": "jasper", "38996": "moped", "38997": "wadd", "38998": "wade", "38999": "wada", "39000": "poopoo", "39001": "vaughan", "39002": "racquet", "39003": "ppali", "39004": "ლ", "39005": "burglar", "39006": "comixology", "39007": "niqqas", "39008": "philadelphia", "39009": "sides", "39010": "lmfaooo", "39011": "navi", "39012": "tacobell", "39013": "futile", "39014": "affff", "39015": "wam", "39016": "complete", "39017": "agn", "39018": "gliding", "39019": "mics", "39020": "courseee", "39021": "supercoach", "39022": "mick", "39023": "mich", "39024": "elimination", "39025": "texted", "39026": "mice", "39027": "aide", "39028": "tittle", "39029": "mica", "39030": "regimen", "39031": "darken", "39032": "reasoned", "39033": "flirt", "39034": "cyclops", "39035": "mopping", "39036": "u16", "39037": "innnn", "39038": "age", "39039": "yesssssssssss", "39040": "darker", "39041": "cnbc", "39042": "brotherly", "39043": "exhausted", "39044": "certain", "39045": "accents", "39046": "ertz", "39047": "632", "39048": "kuch", "39049": "tshirt", "39050": "hoodlum", "39051": "elisha", "39052": "walks", "39053": "collie", "39054": "collin", "39055": "menchies", "39056": "graduate", "39057": "1111", "39058": "hella", "39059": "johanna", "39060": "unfiltered", "39061": "someones", "39062": "hoobae", "39063": "disgraceful", "39064": "stepbrothers", "39065": "isint", "39066": "forgettable", "39067": "reblogging", "39068": "dented", "39069": "gifts", "39070": "gayest", "39071": "prophetic", "39072": "snagged", "39073": "tamia", "39074": "scranton", "39075": "groom", "39076": "preppy", "39077": "rescues", "39078": "fraudulent", "39079": "nelson", "39080": "ubers", "39081": "🗼", "39082": "🦁", "39083": "toure", "39084": "motocross", "39085": "consider", "39086": "chillis", "39087": "tokio", "39088": "nikita", "39089": "younow", "39090": "sobered", "39091": "tours", "39092": "waaaaaa", "39093": "taquitos", "39094": "hernia", "39095": "danes", "39096": "exhaled", "39097": "friendless", "39098": "recaps", "39099": "hunting", "39100": "prophets", "39101": "janie", "39102": "smile", "39103": "mufti", "39104": "waaaaay", "39105": "bellybutton", "39106": "swallows", "39107": "ㅋㅋㅋㅋ", "39108": "arseholes", "39109": "namin", "39110": "utley", "39111": "errything", "39112": "strand", "39113": "sauron", "39114": "ageing", "39115": "misinformation", "39116": "laying", "39117": "10000x", "39118": "amend", "39119": "adjust", "39120": "laur", "39121": "mammal", "39122": "peon", "39123": "ora", "39124": "mosul", "39125": "mentalist", "39126": "chocking", "39127": "brightside", "39128": "wooooooow", "39129": "hasbro", "39130": "carriages", "39131": "woooooooo", "39132": "famalam", "39133": "thoughh", "39134": "viera", "39135": "hick", "39136": "animes", "39137": "richard", "39138": "fucky", "39139": "disruptions", "39140": "fucks", "39141": "fleur", "39142": "fuckn", "39143": "schumer", "39144": "fuckk", "39145": "undecided", "39146": "fuckd", "39147": "🔞", "39148": "method", "39149": "fucka", "39150": "revealing", "39151": "homescreen", "39152": "andddd", "39153": "leaping", "39154": "timberlands", "39155": "bloggers", "39156": "mckenzie", "39157": "concluding", "39158": "buzzing", "39159": "outdone", "39160": "b2b", "39161": "lovebox", "39162": "tday", "39163": "annnnnnd", "39164": "riviera", "39165": "introductory", "39166": "doneeee", "39167": "247", "39168": "brutal", "39169": "nerlens", "39170": "healthier", "39171": "social", "39172": "dreamteam", "39173": "sweetness", "39174": "struggle", "39175": "vic", "39176": "via", "39177": "shorthand", "39178": "vid", "39179": "vie", "39180": "vik", "39181": "vii", "39182": "vin", "39183": "vio", "39184": "vim", "39185": "batshit", "39186": "vis", "39187": "vip", "39188": "regiment", "39189": "viv", "39190": "vit", "39191": "viz", "39192": "vix", "39193": "😚", "39194": "chrismas", "39195": "select", "39196": "touko", "39197": "sexiness", "39198": "guessss", "39199": "objectives", "39200": "poodle", "39201": "pollock", "39202": "rhea", "39203": "curds", "39204": "kick", "39205": "gujrat", "39206": "wuut", "39207": "teen", "39208": "tabasco", "39209": "livingstone", "39210": "teef", "39211": "wizkid", "39212": "chopstick", "39213": "juliette", "39214": "rudeness", "39215": "objections", "39216": "touka", "39217": "tees", "39218": "lotsa", "39219": "bedford", "39220": "gacha", "39221": "ouuu", "39222": "phillip", "39223": "malt", "39224": "👮", "39225": "thooooo", "39226": "malo", "39227": "mall", "39228": "mcknight", "39229": "mali", "39230": "wuu2", "39231": "hotspur", "39232": "male", "39233": "malc", "39234": "mala", "39235": "luda", "39236": "libertines", "39237": "campsite", "39238": "glomped", "39239": "ctfuuuuu", "39240": "glennon", "39241": "salty", "39242": "elbowed", "39243": "dress", "39244": "salts", "39245": "condemn", "39246": "teleport", "39247": "fruition", "39248": "freshly", "39249": "blazblue", "39250": "thehobbit", "39251": "plant", "39252": "plans", "39253": "xenoblade", "39254": "kartel", "39255": "soundtrack", "39256": "plane", "39257": "plano", "39258": "appealed", "39259": "flutter", "39260": "snotty", "39261": "github", "39262": "fuuu", "39263": "leroy", "39264": "boarders", "39265": "jihadist", "39266": "whitley", "39267": "rowdy", "39268": "jist", "39269": "broadcasting", "39270": "tentacles", "39271": "⛺", "39272": "helplessly", "39273": "davey", "39274": "greats", "39275": "ncis", "39276": "itl", "39277": "passages", "39278": "itk", "39279": "ith", "39280": "greatt", "39281": "ノ", "39282": "bowl", "39283": "itd", "39284": "ite", "39285": "trade", "39286": "wrassle", "39287": "attitude", "39288": "embassy", "39289": "itz", "39290": "499", "39291": "itv", "39292": "broadway", "39293": "itt", "39294": "itu", "39295": "its", "39296": "licks", "39297": "rapidly", "39298": "alla", "39299": "allo", "39300": "gerald", "39301": "alll", "39302": "nooooope", "39303": "blurring", "39304": "alli", "39305": "2hours", "39306": "alls", "39307": "ruining", "39308": "̶", "39309": "ally", "39310": "lowell", "39311": "snobs", "39312": "tyrants", "39313": "motley", "39314": "agitated", "39315": "unloyal", "39316": "kbye", "39317": "snowball", "39318": "thereof", "39319": "icymi", "39320": "kennesaw", "39321": "armys", "39322": "reassured", "39323": "designation", "39324": "coping", "39325": "loosely", "39326": "labeling", "39327": "strangling", "39328": "warped", "39329": "chandra", "39330": "1am", "39331": "fuyutsuki", "39332": "dimwit", "39333": "shieet", "39334": "lantern", "39335": "mumu", "39336": "😃", "39337": "england", "39338": "mums", "39339": "realll", "39340": "critters", "39341": "grandmothers", "39342": "carvalho", "39343": "girlish", "39344": "reallt", "39345": "tonite", "39346": "jutsu", "39347": "seton", "39348": "blues", "39349": "scribe", "39350": "terrify", "39351": "really", "39352": "ftp", "39353": "fts", "39354": "ftr", "39355": "noobs", "39356": "claires", "39357": "disadvantages", "39358": "meannnn", "39359": "daps", "39360": "🍲", "39361": "trump2016", "39362": "hangers", "39363": "bihar", "39364": "egypt", "39365": "nervously", "39366": "duckies", "39367": "shaheed", "39368": "cockpit", "39369": "murmur", "39370": "annotated", "39371": "disadvantaged", "39372": "retained", "39373": "devoid", "39374": "misusing", "39375": "espinosa", "39376": "diaspora", "39377": "retainer", "39378": "anecdote", "39379": "clump", "39380": "hijacking", "39381": "paulinho", "39382": "major", "39383": "💅", "39384": "forwards", "39385": "limerick", "39386": "contender", "39387": "chch", "39388": "millennia", "39389": "kobo", "39390": "florist", "39391": "kobe", "39392": "matchin", "39393": "differ", "39394": "hott", "39395": "fuller", "39396": "whch", "39397": "franken", "39398": "sargent", "39399": "hote", "39400": "flings", "39401": "hota", "39402": "berkshire", "39403": "northbound", "39404": "syllables", "39405": "molecular", "39406": "hoti", "39407": "uuugh", "39408": "vantage", "39409": "zeus", "39410": "", "39411": "depressingly", "39412": "zeppelin", "39413": "jaejoong", "39414": "stairs", "39415": "vocab", "39416": "film4", "39417": "frock", "39418": "froch", "39419": "disrespected", "39420": "kreme", "39421": "vocal", "39422": "collaboration", "39423": "defends", "39424": "seraphina", "39425": "reus", "39426": "trickshot", "39427": "outcha", "39428": "castlevania", "39429": "meannnnn", "39430": "slitting", "39431": "andheri", "39432": "dtfl", "39433": "weeeee", "39434": "gasket", "39435": "gya", "39436": "pajamas", "39437": "hoechlin", "39438": "samoan", "39439": "hgs", "39440": "auditions", "39441": "aggro", "39442": "bobbie", "39443": "hgh", "39444": "handel", "39445": "brace", "39446": "wassam", "39447": "jiggles", "39448": "thenotoriousmma", "39449": "firsthand", "39450": "blackboard", "39451": "swiftly", "39452": "nasal", "39453": "whodat", "39454": "unused", "39455": "brooklyn", "39456": "whaaaattt", "39457": "colliding", "39458": "luhan", "39459": "henson", "39460": "oyster", "39461": "________", "39462": "modem", "39463": "apparatus", "39464": "edmodo", "39465": "gaby", "39466": "wishh", "39467": "🇬", "39468": "artistic", "39469": "gabi", "39470": "donkeys", "39471": "lbvs", "39472": "deserts", "39473": "gospels", "39474": "despise", "39475": "ukip", "39476": "wassap", "39477": "moroccan", "39478": "defended", "39479": "gretchen", "39480": "desolate", "39481": "defender", "39482": "omegle", "39483": "nappies", "39484": "keychain", "39485": "sayin", "39486": "spineless", "39487": "sacrilege", "39488": "wayne", "39489": "equity", "39490": "ultron", "39491": "ा", "39492": "giants", "39493": "👀", "39494": "scuff", "39495": "terps", "39496": "dependent", "39497": "beams", "39498": "rebelling", "39499": "resent", "39500": "dawgggg", "39501": "trayvonmartin", "39502": "frightening", "39503": "broham", "39504": "resend", "39505": "kili", "39506": "veryyy", "39507": "paddling", "39508": "tabby", "39509": "proclaim", "39510": "belles", "39511": "surrendering", "39512": "bellew", "39513": "neeed", "39514": "weaver", "39515": "river", "39516": "sthu", "39517": "approaching", "39518": "manger", "39519": "creator", "39520": "fooking", "39521": "nibble", "39522": "byron", "39523": "flavours", "39524": "frontrunner", "39525": "swayze", "39526": "origami", "39527": "schnitzel", "39528": "knees", "39529": "#", "39530": "poot", "39531": "ritz", "39532": "unsettling", "39533": "movie", "39534": "kikyo", "39535": "currently", "39536": "diluted", "39537": "rejecting", "39538": "heading", "39539": "rito", "39540": "crossword", "39541": "verbs", "39542": "kneed", "39543": "jammies", "39544": "acidic", "39545": "rite", "39546": "rita", "39547": "prepped", "39548": "europe", "39549": "refills", "39550": "europa", "39551": "hardship", "39552": "brewing", "39553": "lem", "39554": "lfsanzcod", "39555": "interface", "39556": "hallucination", "39557": "prospects", "39558": "improved", "39559": "colton", "39560": "influential", "39561": "barely", "39562": "pds", "39563": "ler", "39564": "pdp", "39565": "improves", "39566": "pounded", "39567": "turrets", "39568": "forsyth", "39569": "pdf", "39570": "approve", "39571": "pda", "39572": "patty", "39573": "load", "39574": "naaaaa", "39575": "loaf", "39576": "markdown", "39577": "majesty", "39578": "naaaah", "39579": "loan", "39580": "northeastern", "39581": "darlene", "39582": "coincidence", "39583": "scottish", "39584": "sees", "39585": "sammy", "39586": "indefinite", "39587": "devin", "39588": "devil", "39589": "publishing", "39590": "monthly", "39591": "donegal", "39592": "🎯", "39593": "convicted", "39594": "xan", "39595": "hing", "39596": "yadda", "39597": "karne", "39598": "tamera", "39599": "nugent", "39600": "sweetheart", "39601": "sleeved", "39602": "bitchs", "39603": "silenced", "39604": "mind", "39605": "sampler", "39606": "ctv", "39607": "bitchy", "39608": "silences", "39609": "hink", "39610": "coops", "39611": "sleeves", "39612": "bitchh", "39613": "mlb", "39614": "sixes", "39615": "handling", "39616": "reinstalled", "39617": "mlg", "39618": "slyly", "39619": "pantheon", "39620": "mlk", "39621": "akane", "39622": "mls", "39623": "mlp", "39624": "seed", "39625": "evaluating", "39626": "mertesacker", "39627": "kissing", "39628": "robin", "39629": "scheduled", "39630": "pound", "39631": "hoping", "39632": "arching", "39633": "backing", "39634": "calculator", "39635": "caley", "39636": "belmont", "39637": "ducks", "39638": "centennial", "39639": "triple", "39640": "beautifully", "39641": "tacoma", "39642": "chase", "39643": "barney", "39644": "shorted", "39645": "troian", "39646": "seek", "39647": "shorten", "39648": "eunji", "39649": "barnet", "39650": "shorter", "39651": "reachable", "39652": "virtually", "39653": "u_u", "39654": "wasteland", "39655": "rda", "39656": "displeased", "39657": "clearout", "39658": "snail", "39659": "illest", "39660": "cigar", "39661": "stacy", "39662": "viewing", "39663": "stace", "39664": "100000000", "39665": "stack", "39666": "picky", "39667": "letang", "39668": "commoners", "39669": "clermont", "39670": "reginald", "39671": "picks", "39672": "verlander", "39673": "potro", "39674": "strobe", "39675": "rosters", "39676": "leona", "39677": "johan", "39678": "timberlake", "39679": "leone", "39680": "buku", "39681": "aroma", "39682": "frappuccino", "39683": "arrests", "39684": "buka", "39685": "strasburg", "39686": "mcallen", "39687": "unto", "39688": "sandal", "39689": "danks", "39690": "surprises", "39691": "🚫", "39692": "sire", "39693": "signals", "39694": "grapefruit", "39695": "crying", "39696": "cryinf", "39697": "input", "39698": "submissions", "39699": "reverted", "39700": "surprised", "39701": "336", "39702": "queso", "39703": "hoodrat", "39704": "neice", "39705": "quest", "39706": "inundated", "39707": "falcon", "39708": "projects", "39709": "flannel", "39710": "75th", "39711": "imposed", "39712": "stylist", "39713": "gaiman", "39714": "consensus", "39715": "communications", "39716": "tunnels", "39717": "stylish", "39718": "cronies", "39719": "disorder", "39720": "thankkkk", "39721": "pertaining", "39722": "gargle", "39723": "faber", "39724": "unloved", "39725": "mooney", "39726": "molina", "39727": "dexters", "39728": "clays", "39729": "eshop", "39730": "broadband", "39731": "🔭", "39732": "mumma", "39733": "religion", "39734": "slovenia", "39735": "temple", "39736": "__________", "39737": "smithy", "39738": "ツ", "39739": "requiem", "39740": "dictates", "39741": "smiths", "39742": "maris", "39743": "cholo", "39744": "nowhere", "39745": "👗", "39746": "chola", "39747": "aswell", "39748": "errrr", "39749": "huhhh", "39750": "zip", "39751": "netflix", "39752": "exaggerated", "39753": "cmas", "39754": "intercontinental", "39755": "stuart", "39756": "irked", "39757": "errrm", "39758": "repair", "39759": "ahahahahha", "39760": "garbage", "39761": "prideful", "39762": "recreate", "39763": "sparknotes", "39764": "servers", "39765": "osama", "39766": "yezzir", "39767": "appropriate", "39768": "ramdev", "39769": "troubleshooting", "39770": "repaid", "39771": "bestfanarmy", "39772": "chelski", "39773": "figurative", "39774": "hellhole", "39775": "sneaky", "39776": "spending", "39777": "sneaks", "39778": "submit", "39779": "custom", "39780": "addicting", "39781": "bridesmaids", "39782": ":", "39783": "blueprint", "39784": "royalties", "39785": "dongsaeng", "39786": "okeyy", "39787": "atop", "39788": "doh", "39789": "lescott", "39790": "atom", "39791": "coldest", "39792": "bandicoot", "39793": "doubtfire", "39794": "bumpers", "39795": "morocco", "39796": "slander", "39797": "verification", "39798": "doc", "39799": "continuously", "39800": "consumed", "39801": "aerial", "39802": "reconcile", "39803": "awryt", "39804": "raging", "39805": "likewise", "39806": "skimming", "39807": "stoping", "39808": "onewbot_th", "39809": "taro", "39810": "sunken", "39811": "tara", "39812": "edwards", "39813": "evenin", "39814": "scrape", "39815": "tard", "39816": "occasional", "39817": "tuff", "39818": "jcc", "39819": "scraps", "39820": "condolence", "39821": "tarp", "39822": "hustling", "39823": "tart", "39824": "potion", "39825": "scrub", "39826": "energetic", "39827": "beginnings", "39828": "gameday", "39829": "scrum", "39830": "bussing", "39831": "xing", "39832": "emmerdale", "39833": "springsteen", "39834": "ago", "39835": "furthest", "39836": "agm", "39837": "fighter", "39838": "perfer", "39839": "agh", "39840": "agg", "39841": "mildred", "39842": "napping", "39843": "renounce", "39844": "aga", "39845": "consumes", "39846": "feud", "39847": "mineeee", "39848": "texter", "39849": "opposing", "39850": "jonghyun", "39851": "oracle", "39852": "agt", "39853": "ags", "39854": "monterey", "39855": "partial", "39856": "illustrates", "39857": "scooped", "39858": "laziness", "39859": "existing", "39860": "illustrated", "39861": "weatherman", "39862": "eastleigh", "39863": "jiggle", "39864": "freakin", "39865": "gossip", "39866": "charmander", "39867": "chillin", "39868": "centers", "39869": "valium", "39870": "mcuh", "39871": "concerned", "39872": "loled", "39873": "byrd", "39874": "💳", "39875": "▲", "39876": "sorrynotsorry", "39877": "dyeing", "39878": "charity", "39879": "postings", "39880": "scarlett", "39881": "eloise", "39882": "torture", "39883": "thiz", "39884": "continues", "39885": "manipulated", "39886": "abduction", "39887": "continued", "39888": "timely", "39889": "compulsion", "39890": "pleeease", "39891": "vzw", "39892": "marry", "39893": "gettin", "39894": "zag", "39895": "guurl", "39896": "quitting", "39897": "teeter", "39898": "this", "39899": "marra", "39900": "reich", "39901": "ballz", "39902": "ो", "39903": "terrifies", "39904": "strongly", "39905": "2mar", "39906": "visuals", "39907": "odu", "39908": "recruitment", "39909": "", "39910": "mre", "39911": "kenot", "39912": "enclosed", "39913": "parang", "39914": "yayyy", "39915": "oda", "39916": "odb", "39917": "2mao", "39918": "odd", "39919": "ode", "39920": "odg", "39921": "lolla", "39922": "duuuude", "39923": "lolll", "39924": "hereditary", "39925": "uhmm", "39926": "bestfriends", "39927": "indian", "39928": "kershaw", "39929": "dissapoint", "39930": "lolly", "39931": "slabs", "39932": "scenery", "39933": "lutheran", "39934": "ghostface", "39935": "pleaseeeeeee", "39936": "drill", "39937": "respectively", "39938": "gathered", "39939": "delivering", "39940": "douches", "39941": "ubuntu", "39942": "douchey", "39943": "consideration", "39944": "customercare", "39945": "rasmus", "39946": "vinegar", "39947": "great", "39948": "jalapeños", "39949": "rds", "39950": "cts", "39951": "receive", "39952": "involved", "39953": "tracklist", "39954": "rdy", "39955": "titanic", "39956": "cte", "39957": "eatin", "39958": "yussss", "39959": "cta", "39960": "grandchild", "39961": "defeat", "39962": "popcorn", "39963": "opinion", "39964": "yeehaw", "39965": "popeyes", "39966": "excercise", "39967": "involves", "39968": "rdj", "39969": "yeeeees", "39970": "firefox", "39971": "disobey", "39972": "iheartradio", "39973": "emos", "39974": "yeeeeee", "39975": "ceasar", "39976": "tools", "39977": "zit", "39978": "andreas", "39979": "certificate", "39980": "lesly", "39981": "illegal", "39982": "pleaseeee", "39983": "zig", "39984": "duplicate", "39985": "zia", "39986": "afforded", "39987": "doubling", "39988": "zim", "39989": "gooooooood", "39990": "infamy", "39991": "wades", "39992": "gooooooooo", "39993": "dealings", "39994": "carrying", "39995": "gladly", "39996": "choosers", "39997": "haircuts", "39998": "depiction", "39999": "balls", "40000": "animals", "40001": "pout", "40002": "bally", "40003": "athlete", "40004": "pour", "40005": "bajillion", "40006": "thik", "40007": "balla", "40008": "emerson", "40009": "thin", "40010": "beavers", "40011": "fulfill", "40012": "thia", "40013": "bend", "40014": "weaker", "40015": "🌇", "40016": "martyn", "40017": "quesadillas", "40018": "purposes", "40019": "pieces", "40020": "beni", "40021": "rootin", "40022": "karan", "40023": "sociedad", "40024": "pieced", "40025": "intramural", "40026": "johnlock", "40027": "martyr", "40028": "weaken", "40029": "mannnnn", "40030": "rhubarb", "40031": "destroying", "40032": "trumpet", "40033": "wares", "40034": "rippin", "40035": "swisher", "40036": "swishes", "40037": "mumps", "40038": "wonderwall", "40039": "establishment", "40040": "✿", "40041": "cuda", "40042": "contraption", "40043": "rfra", "40044": "scammed", "40045": "singular", "40046": "chillllllll", "40047": "evra", "40048": "halted", "40049": "outttttt", "40050": "hitched", "40051": "pigs", "40052": "jonathon", "40053": "evry", "40054": "tier", "40055": "ties", "40056": "racks", "40057": "autograph", "40058": "onlife", "40059": "muppets", "40060": "adorableness", "40061": "22nd", "40062": "hya", "40063": "redundant", "40064": "or", "40065": "pyramids", "40066": "watermelon", "40067": "volunteers", "40068": "erasing", "40069": "torino", "40070": "producer", "40071": "produces", "40072": "vaccinated", "40073": "krabby", "40074": "doubtful", "40075": "produced", "40076": "motorcycle", "40077": "nowwwwww", "40078": "〜", "40079": "hypothermia", "40080": "crabby", "40081": "climatechange", "40082": "", "40083": "mistletoe", "40084": "surgeons", "40085": "pullover", "40086": "garnet", "40087": "elites", "40088": "cusp", "40089": "cuss", "40090": "goinf", "40091": "cust", "40092": "🙈", "40093": "repercussions", "40094": "tsss", "40095": "woolly", "40096": "cuse", "40097": "bothering", "40098": "tssf", "40099": "cage", "40100": "transparent", "40101": "coriander", "40102": "greninja", "40103": "normani", "40104": "undertaking", "40105": "traced", "40106": "vibrations", "40107": "tracey", "40108": "princesses", "40109": "persia", "40110": "accompanied", "40111": "beneath", "40112": "persie", "40113": "tracer", "40114": "nighas", "40115": "doinn", "40116": "bdubs", "40117": "doing", "40118": "monaghan", "40119": "society", "40120": "amazayn", "40121": "static", "40122": "cheddars", "40123": "cydia", "40124": "hitches", "40125": "tevez", "40126": "valve", "40127": "hardstyle", "40128": "voddy", "40129": "castiel", "40130": "shut", "40131": "uppp", "40132": "shur", "40133": "perish", "40134": "tempe", "40135": "🏆", "40136": "biffle", "40137": "godly", "40138": "tempo", "40139": "temps", "40140": "shug", "40141": "shud", "40142": "tied", "40143": "tempt", "40144": "thrust", "40145": "embarrass", "40146": "steering", "40147": "scary", "40148": "gifting", "40149": "scars", "40150": "irking", "40151": "misssss", "40152": "scammer", "40153": "pudding", "40154": "gunter", "40155": "hussein", "40156": "scare", "40157": "scarf", "40158": "broskie", "40159": "platonic", "40160": "preferring", "40161": "lettering", "40162": "elyse", "40163": "touring", "40164": "autographed", "40165": "bjorn", "40166": "bjork", "40167": "gatherings", "40168": "nysc", "40169": "slurps", "40170": "lolita", "40171": "decider", "40172": "magnae", "40173": "pryor", "40174": "✰", "40175": "✨", "40176": "behaves", "40177": "traveller", "40178": "goinn", "40179": "nps", "40180": "decorations", "40181": "akhilesh", "40182": "folbek", "40183": "travelled", "40184": "efficiently", "40185": "behaved", "40186": "dents", "40187": "songwriters", "40188": "laters", "40189": "haves", "40190": "accompany", "40191": "tendulkar", "40192": "argos", "40193": "grandpa", "40194": "havee", "40195": "boeing", "40196": "elite", "40197": "haven", "40198": "bolster", "40199": "sweetpea", "40200": "brentford", "40201": "stewie", "40202": "extraordinarily", "40203": "appealing", "40204": "allure", "40205": "psalm", "40206": "disband", "40207": "negatively", "40208": "vengeful", "40209": "viewer", "40210": "partnership", "40211": "abomination", "40212": "ichi", "40213": "naman", "40214": "fanbase", "40215": "tessa", "40216": "757", "40217": "viewed", "40218": "ganged", "40219": "obvio", "40220": "psyche", "40221": "suka", "40222": "aprils", "40223": "reloaded", "40224": "yoooooou", "40225": "subject", "40226": "picslip", "40227": "persistence", "40228": "toughest", "40229": "calculus", "40230": "02", "40231": "nancy", "40232": "vist", "40233": "ahhhhhhhhh", "40234": "15yrs", "40235": "gogogo", "40236": "misogynistic", "40237": "visa", "40238": "vise", "40239": "device", "40240": "06", "40241": "lobby", "40242": "onhere", "40243": "freeeeee", "40244": "narrated", "40245": "stronger", "40246": "enlist", "40247": "ascot", "40248": "fiasco", "40249": "wounded", "40250": "atmosphere", "40251": "lmaoo", "40252": "assholes", "40253": "vacancy", "40254": "guey", "40255": "bedroom", "40256": "slippin", "40257": "rough", "40258": "globalism", "40259": "trivial", "40260": "wetsuit", "40261": "pause", "40262": "versailles", "40263": "yehhh", "40264": "insulated", "40265": "printers", "40266": "spiffy", "40267": "jackpot", "40268": "embroidery", "40269": "cranks", "40270": "statham", "40271": "talksport", "40272": "petr", "40273": "cranky", "40274": "lucky", "40275": "wiggle", "40276": "webcast", "40277": "tipton", "40278": "harmonizers", "40279": "luckk", "40280": "cosplayers", "40281": "h", "40282": "wilmington", "40283": "kerrigan", "40284": "extremists", "40285": "hosed", "40286": "maaad", "40287": "24hrs", "40288": "flopped", "40289": "withstand", "40290": "btw", "40291": "qtr", "40292": "bts", "40293": "btr", "40294": "crayons", "40295": "pleeeeeease", "40296": "exactlyy", "40297": "btc", "40298": "btn", "40299": "rubbing", "40300": "wears", "40301": "coils", "40302": "wire", "40303": "jurassic", "40304": "shonen", "40305": "yash", "40306": "wirh", "40307": "yass", "40308": "quickest", "40309": "🌵", "40310": "harsher", "40311": "youll", "40312": "kotak", "40313": "greatful", "40314": "explosive", "40315": "scrolls", "40316": "bruges", "40317": "comebacks", "40318": "dogging", "40319": "courtyard", "40320": "ihate", "40321": "rugrats", "40322": "oml", "40323": "tls", "40324": "380", "40325": "maggi", "40326": "ethnicities", "40327": "ramp", "40328": "deficits", "40329": "rams", "40330": "tlc", "40331": "etc", "40332": "tla", "40333": "eta", "40334": "etf", "40335": "rami", "40336": "tld", "40337": "tlk", "40338": "puff", "40339": "eth", "40340": "outloud", "40341": "eto", "40342": "cbb", "40343": "author", "40344": "litteraly", "40345": "pretties", "40346": "incest", "40347": "taylor", "40348": "neverr", "40349": "blitzed", "40350": "jalsa", "40351": "flexin", "40352": "powered", "40353": "silvia", "40354": "drank", "40355": "azad", "40356": "rates", "40357": "waste", "40358": "gue", "40359": "trinity", "40360": "eurozone", "40361": "homosexual", "40362": "slumping", "40363": "hughton", "40364": "pixies", "40365": "nbatv", "40366": "neighbour", "40367": "awhhh", "40368": "uns", "40369": "hobby", "40370": "🍥", "40371": "swoops", "40372": "deen", "40373": "loathed", "40374": "vybz", "40375": "pretentious", "40376": "💒", "40377": "memorizing", "40378": "cyberpunk", "40379": "chernobyl", "40380": "archie", "40381": "burping", "40382": "compton", "40383": "bourbons", "40384": "songwriting", "40385": "ducklings", "40386": "excessively", "40387": "sogood", "40388": "optimistic", "40389": "guj", "40390": "nado", "40391": "guhhh", "40392": "terrorist", "40393": "goths", "40394": "yuppie", "40395": "kaoru", "40396": "intra", "40397": "piecing", "40398": "digging", "40399": "fnc", "40400": "terrorism", "40401": "glaring", "40402": "jooheon", "40403": "peddling", "40404": "covenant", "40405": "conflicting", "40406": "mindblown", "40407": "sadd", "40408": "raymond", "40409": "iker", "40410": "wisest", "40411": "upon", "40412": "nationally", "40413": "proficiency", "40414": "sads", "40415": "jaclyn", "40416": "ikea", "40417": "afghan", "40418": "broccoli", "40419": "expand", "40420": "fnl", "40421": "acknowledgement", "40422": "dinah", "40423": "flanagan", "40424": "mone", "40425": "biggg", "40426": "naahh", "40427": "ariza", "40428": "prospering", "40429": "asymmetrical", "40430": "lest", "40431": "negligence", "40432": "softening", "40433": "less", "40434": "krul", "40435": "kramer", "40436": "futurama", "40437": "predicts", "40438": "hauled", "40439": "paul", "40440": "🌞", "40441": "mchale", "40442": "otay", "40443": "pompous", "40444": "ganna", "40445": "arrest", "40446": "combine", "40447": "cosmetics", "40448": "combing", "40449": "wimps", "40450": "mannered", "40451": "scoundrel", "40452": "wimpy", "40453": "besos", "40454": "goingg", "40455": "increased", "40456": "dest", "40457": "desu", "40458": "shinhwa", "40459": "fairies", "40460": "haus", "40461": "dess", "40462": "fuji", "40463": "whispers", "40464": "increases", "40465": "solider", "40466": "five", "40467": "desi", "40468": "desk", "40469": "belgium", "40470": "dese", "40471": "loader", "40472": "overdosed", "40473": "descendant", "40474": "placenta", "40475": "benadryl", "40476": "clattenburg", "40477": "resin", "40478": "parasite", "40479": "garage", "40480": "resit", "40481": "tomarr", "40482": "lamest", "40483": "seeks", "40484": "zzzzz", "40485": "bleedin", "40486": "drilled", "40487": "elitism", "40488": "sunderland", "40489": "almonds", "40490": "elitist", "40491": "sinbad", "40492": "wallahi", "40493": "💜", "40494": "jojo", "40495": "wetter", "40496": "doee", "40497": "jalapeno", "40498": "sufficiently", "40499": "literally", "40500": "shona", "40501": "contently", "40502": "qo", "40503": "salaries", "40504": "seep", "40505": "swifties", "40506": "does", "40507": "keystone", "40508": "truffle", "40509": "☻", "40510": "kangaroos", "40511": "blurry", "40512": "btsport", "40513": "gunplay", "40514": "schedule", "40515": "stillll", "40516": "mathieu", "40517": "hawthorne", "40518": "maven", "40519": "zips", "40520": "leff", "40521": "gandalf", "40522": "lastnight", "40523": "loans", "40524": "hiding", "40525": "payout", "40526": "drumming", "40527": "asks", "40528": "ptown", "40529": "traces", "40530": "gundam", "40531": "cannae", "40532": "kourtney", "40533": "insufficient", "40534": "concession", "40535": "shoppin", "40536": "executives", "40537": "theyr", "40538": "twatter", "40539": "contractions", "40540": "yeshh", "40541": "", "40542": "merp", "40543": "patrolling", "40544": "merr", "40545": "catherine", "40546": "snuggling", "40547": "meri", "40548": "merk", "40549": "robron", "40550": "theyd", "40551": "roads", "40552": "mera", "40553": "merc", "40554": "afoot", "40555": "mere", "40556": "negotiable", "40557": "ting", "40558": "ezoo", "40559": "spoty", "40560": "yeeeesss", "40561": "askd", "40562": "annabel", "40563": "caviar", "40564": "spots", "40565": "chell", "40566": "frustration", "40567": "troubling", "40568": "trololol", "40569": "agian", "40570": "findlay", "40571": "pixiv", "40572": "interest", "40573": "ahs", "40574": "gratz", "40575": "bilawal", "40576": "basic", "40577": "tyleroakley", "40578": "grats", "40579": "pixie", "40580": "tino", "40581": "ughhh", "40582": "xbox360", "40583": "grate", "40584": "asdfghjk", "40585": "candidacy", "40586": "puto", "40587": "mixtapes", "40588": "croydon", "40589": "soreness", "40590": "idon", "40591": "chaperone", "40592": "corpses", "40593": "idol", "40594": "monument", "40595": "unamerican", "40596": "nominations", "40597": "uglier", "40598": "cordial", "40599": "slowing", "40600": "replica", "40601": "―", "40602": "carpark", "40603": "ᴗ", "40604": "chub", "40605": "screentime", "40606": "jools", "40607": "planting", "40608": "snippy", "40609": "jethro", "40610": "misha", "40611": "luhh", "40612": "😱", "40613": "chubs", "40614": "independents", "40615": "monday", "40616": "bailing", "40617": "tides", "40618": "elitists", "40619": "dismantle", "40620": "chance", "40621": "wrenching", "40622": "calll", "40623": "epilogue", "40624": "stylists", "40625": "inspiration", "40626": "eoc", "40627": "eod", "40628": "eoh", "40629": "eon", "40630": "rule", "40631": "eos", "40632": "mercenary", "40633": "petsmart", "40634": "abhor", "40635": "chus", "40636": "inning", "40637": "fifthharmony", "40638": "suicidal", "40639": "☄", "40640": "khalil", "40641": "saver", "40642": "saves", "40643": "elisabeth", "40644": "khalid", "40645": "crete", "40646": "grandparent", "40647": "saved", "40648": "jonjo", "40649": "girling", "40650": "relationships", "40651": "💣", "40652": "voter", "40653": "waring", "40654": "29k", "40655": "endings", "40656": "edward", "40657": "voted", "40658": "olde", "40659": "ergo", "40660": "ergh", "40661": "bunches", "40662": "twoo", "40663": "tenants", "40664": "jurgen", "40665": "tudor", "40666": "compassion", "40667": "retweetin", "40668": "minerva", "40669": "chapel", "40670": "tickets", "40671": "poppa", "40672": "whisk", "40673": "furrowed", "40674": "affirm", "40675": "surgical", "40676": "handout", "40677": "humidity", "40678": "casinos", "40679": "delegate", "40680": "299", "40681": "poppy", "40682": "295", "40683": "1940s", "40684": "undercover", "40685": "sachin", "40686": "paperback", "40687": "phoney", "40688": "pragmatic", "40689": "phones", "40690": "brill", "40691": "shuu", "40692": "7th", "40693": "thrush", "40694": "phoned", "40695": "phonee", "40696": "colonialism", "40697": "gooder", "40698": "shup", "40699": "incompatible", "40700": "bounties", "40701": "clocked", "40702": "vikki", "40703": "toll", "40704": "gooden", "40705": "turnoff", "40706": "consisting", "40707": "bamon", "40708": "told", "40709": "unmotivated", "40710": "simultaneously", "40711": "whitehall", "40712": "interns", "40713": "taryn", "40714": "admirers", "40715": "wrapping", "40716": "🙏", "40717": "ballislife", "40718": "bookcase", "40719": "miscarriage", "40720": "kudos", "40721": "glo", "40722": "brudder", "40723": "foolishness", "40724": "itunes", "40725": "riiight", "40726": "farmington", "40727": "eilidh", "40728": "walkie", "40729": "kurosaki", "40730": "spooks", "40731": "tran", "40732": "marianne", "40733": "spooky", "40734": "angrily", "40735": "shun", "40736": "opportunities", "40737": "achievable", "40738": "romantically", "40739": "fixable", "40740": "lovatics", "40741": "cutscene", "40742": "aaron", "40743": "maccys", "40744": "craving", "40745": "parkin", "40746": "blueberry", "40747": "tolerated", "40748": "hahn", "40749": "hahh", "40750": "giovanni", "40751": "haha", "40752": "crockett", "40753": "pierced", "40754": "faker", "40755": "", "40756": "cani", "40757": "striving", "40758": "overrun", "40759": "springer", "40760": "stenson", "40761": "word", "40762": "wore", "40763": "defuse", "40764": "work", "40765": "eclipse", "40766": "worm", "40767": "worn", "40768": "reaaaaally", "40769": "tomorrowwww", "40770": "kaabil", "40771": "blooming", "40772": "criticizing", "40773": "crackers", "40774": "followings", "40775": "indio", "40776": "compulsive", "40777": "goood", "40778": "aaaw", "40779": "indie", "40780": "cited", "40781": "pur", "40782": "india", "40783": "goooo", "40784": "aaaa", "40785": "gianni", "40786": "fronting", "40787": "walsh", "40788": "summerslam", "40789": "uan", "40790": "aaah", "40791": "pliss", "40792": "uab", "40793": "uae", "40794": "cites", "40795": "mordor", "40796": "macmiller", "40797": "lappy", "40798": "splatoon", "40799": "chameleon", "40800": "rasta", "40801": "hihihi", "40802": "hindering", "40803": "sever", "40804": "rewind", "40805": "disappoint", "40806": "rhobh", "40807": "fap", "40808": "lal", "40809": "lam", "40810": "lan", "40811": "grinds", "40812": "lah", "40813": "lai", "40814": "lak", "40815": "lad", "40816": "laf", "40817": "lag", "40818": "laa", "40819": "lab", "40820": "lac", "40821": "lax", "40822": "lay", "40823": "laz", "40824": "lat", "40825": "lau", "40826": "lav", "40827": "law", "40828": "lap", "40829": "lar", "40830": "las", "40831": "heeyy", "40832": "bibby", "40833": "egged", "40834": "psychologist", "40835": "stimulate", "40836": "fai", "40837": "anita", "40838": "lmaoooooo", "40839": "sont", "40840": "order", "40841": "triggering", "40842": "lindsay", "40843": "comfiest", "40844": "7yrs", "40845": "office", "40846": "wiffle", "40847": "dirtiest", "40848": "muffin", "40849": "vishal", "40850": "satisfied", "40851": "geezers", "40852": "deducted", "40853": "siva", "40854": "sludge", "40855": "misconduct", "40856": "satisfies", "40857": "dapper", "40858": "surya", "40859": "rosita", "40860": "faa", "40861": "oncoming", "40862": "shel", "40863": "ticker", "40864": "recreational", "40865": "masterchef", "40866": "juco", "40867": "tinkle", "40868": "pines", "40869": "nickiminaj", "40870": "😸", "40871": "shear", "40872": "eventually", "40873": "exhaling", "40874": "pegg", "40875": "break", "40876": "zooted", "40877": "repulsive", "40878": "shameful", "40879": "dickson", "40880": "ihu", "40881": "colonies", "40882": "bread", "40883": "bolted", "40884": "govts", "40885": "oxygen", "40886": "pornhub", "40887": "cornhole", "40888": "whaaaaaaaat", "40889": "sixflags", "40890": "370", "40891": "carlow", "40892": "entitled", "40893": "375", "40894": "carlos", "40895": "́", "40896": "jillian", "40897": "meets", "40898": "braiding", "40899": "prawn", "40900": "pepes", "40901": "recognizable", "40902": "tøp", "40903": "monteith", "40904": "jimbo", "40905": "network", "40906": "beefing", "40907": "caveman", "40908": "cameras", "40909": "diesel", "40910": "fellows", "40911": "fellowship", "40912": "viber", "40913": "🎶", "40914": "hhahah", "40915": "lovley", "40916": "tcot", "40917": "vixen", "40918": "ntr", "40919": "morrigan", "40920": "commercially", "40921": "admits", "40922": "smacking", "40923": "techno", "40924": "ayre", "40925": "nto", "40926": "ntn", "40927": "amazement", "40928": "bandits", "40929": "hotch", "40930": "kik", "40931": "gauteng", "40932": "licker", "40933": "writhing", "40934": "chemtrails", "40935": "tyty", "40936": "lousy", "40937": "licked", "40938": "anitwitter", "40939": "oppose", "40940": "canterbury", "40941": "", "40942": "hateeee", "40943": "reconnected", "40944": "cutiepie", "40945": "detailing", "40946": "vibrated", "40947": "ells", "40948": "comin", "40949": "rats", "40950": "comic", "40951": "tangle", "40952": "rated", "40953": "rejects", "40954": "hitta", "40955": "vibrate", "40956": "mobbin", "40957": "compromise", "40958": "kie", "40959": "ayeeee", "40960": "purposefully", "40961": "mlp_koori", "40962": "flamethrower", "40963": "kiwi", "40964": "anarchists", "40965": "naht", "40966": "rejected", "40967": "bamford", "40968": "bailout", "40969": "nahi", "40970": "nahh", "40971": "kissimmee", "40972": "toronto", "40973": "mercy", "40974": "target", "40975": "tey", "40976": "hike", "40977": "instrumentals", "40978": "forensic", "40979": "tez", "40980": "tackles", "40981": "ebay", "40982": "merch", "40983": "merci", "40984": "sones", "40985": "iron", "40986": "notecards", "40987": "tackled", "40988": "hacking", "40989": "powers", "40990": "hiks", "40991": "youre", "40992": "rewrite", "40993": "pessimism", "40994": "lulu", "40995": "nicolasturgeon", "40996": "pessimist", "40997": "areeee", "40998": "infront", "40999": "overlays", "41000": "forced", "41001": "ponder", "41002": "genuine", "41003": "ohana", "41004": "gonnna", "41005": "tev", "41006": "forces", "41007": "swims", "41008": "💺", "41009": "circles", "41010": "hooman", "41011": "distracts", "41012": "gumtree", "41013": "extending", "41014": "optimized", "41015": "corden", "41016": "thaaaaanks", "41017": "circled", "41018": "phase", "41019": "proverb", "41020": "beatings", "41021": "if", "41022": "flops", "41023": "fitter", "41024": "widowmaker", "41025": "newcomers", "41026": "yours", "41027": "wildcard", "41028": "thatttt", "41029": "boyfriends", "41030": "oppress", "41031": "fitted", "41032": "decidedly", "41033": "whimper", "41034": "anyones", "41035": "yeh", "41036": "ponyville", "41037": "gatlinburg", "41038": "chandelier", "41039": "spencers", "41040": "respectfully", "41041": "nephew", "41042": "hoeee", "41043": "toast", "41044": "sewn", "41045": "ahahahahahaha", "41046": "dsu", "41047": "gaius", "41048": "sharky", "41049": "kinky", "41050": "aldo", "41051": "squirmed", "41052": "screening", "41053": "aldi", "41054": "pursuing", "41055": "gideon", "41056": "curr", "41057": "edsheeran", "41058": "taemin", "41059": "shez", "41060": "jtfo", "41061": "agape", "41062": "steen", "41063": "preferred", "41064": "shawnformmva", "41065": "interwebs", "41066": "jangan", "41067": "happiest", "41068": "informs", "41069": "interwebz", "41070": "dinger", "41071": "yey", "41072": "pearson", "41073": "mofos", "41074": "nooooooooooooooo", "41075": "nickjonas", "41076": "415", "41077": "416", "41078": "reformation", "41079": "stead", "41080": "411", "41081": "412", "41082": "413", "41083": "analytical", "41084": "implication", "41085": "steak", "41086": "steal", "41087": "steam", "41088": "ghoul", "41089": "erroneous", "41090": "besties", "41091": "observer", "41092": "observes", "41093": "observed", "41094": "analytics", "41095": "inna", "41096": "inno", "41097": "innn", "41098": "xddd", "41099": "romford", "41100": "yer", "41101": "jbtixfree", "41102": "smilers", "41103": "pedicure", "41104": "whaat", "41105": "caved", "41106": "c2c", "41107": "bien", "41108": "farley", "41109": "caves", "41110": "jamaal", "41111": "whaaa", "41112": "clued", "41113": "breakaway", "41114": "throwdown", "41115": "duggars", "41116": "muthafucka", "41117": "unfold", "41118": "clues", "41119": "stricter", "41120": "unfoll", "41121": "received", "41122": "ile", "41123": "ilb", "41124": "ill", "41125": "ncaa", "41126": "ilk", "41127": "ilu", "41128": "misunderstand", "41129": "receives", "41130": "receiver", "41131": "groans", "41132": "ily", "41133": "peacefully", "41134": "─", "41135": "whachu", "41136": "widen", "41137": "spear", "41138": "islamists", "41139": "fkin", "41140": "okkay", "41141": "wider", "41142": "memorise", "41143": "pyrrha", "41144": "speak", "41145": "yeayy", "41146": "trickery", "41147": "engines", "41148": "newish", "41149": "belieber", "41150": "nunna", "41151": "camilacabello97", "41152": "refurbished", "41153": "hahahaah", "41154": "canopy", "41155": "scarecrow", "41156": "thrice", "41157": "leech", "41158": "hahahaaa", "41159": "deodorant", "41160": "relaxing", "41161": "poisons", "41162": "concerning", "41163": "catering", "41164": "millionth", "41165": "enjoyyy", "41166": "hoist", "41167": "lauderdale", "41168": "eskom", "41169": "dickerson", "41170": "remy", "41171": "esports", "41172": "raspy", "41173": "handlers", "41174": "hidin", "41175": "remi", "41176": "micheal", "41177": "entertains", "41178": "lahh", "41179": "lahm", "41180": "mistake", "41181": "stink", "41182": "dobson", "41183": "worldcup", "41184": "songgg", "41185": "sticker", "41186": "sting", "41187": "straits", "41188": "brake", "41189": "maidstone", "41190": "exile", "41191": "stint", "41192": "lmfaoooooooooo", "41193": "reuse", "41194": "descent", "41195": "miniature", "41196": "deepens", "41197": "̯", "41198": "involuntary", "41199": "grapple", "41200": "sakura", "41201": "hoarders", "41202": "avoids", "41203": "puttin", "41204": "convictions", "41205": "doobies", "41206": "perimeter", "41207": "independent", "41208": "nih", "41209": "nii", "41210": "nin", "41211": "nil", "41212": "nim", "41213": "ayoo", "41214": "nic", "41215": "swell", "41216": "nia", "41217": "nig", "41218": "nid", "41219": "nie", "41220": "adblock", "41221": "nix", "41222": "alums", "41223": "nip", "41224": "shareef", "41225": "niw", "41226": "nit", "41227": "niu", "41228": "centred", "41229": "piazza", "41230": "hopping", "41231": "penalised", "41232": "oohhh", "41233": "mammy", "41234": "drip", "41235": "ragged", "41236": "mamma", "41237": "centres", "41238": "cavan", "41239": "hunhan", "41240": "mingle", "41241": "quoted", "41242": "commentate", "41243": "🌎", "41244": "quotes", "41245": "goggles", "41246": "victim", "41247": "swears", "41248": "🚊", "41249": "sweary", "41250": "lmbooo", "41251": "bookmarked", "41252": "huckleberry", "41253": "photographer", "41254": "weiss", "41255": "evidenced", "41256": "bonanza", "41257": "fares", "41258": "photographed", "41259": "maye", "41260": "calissa", "41261": "maya", "41262": "flamin", "41263": "mayb", "41264": "mayo", "41265": "mayn", "41266": "keats", "41267": "mayu", "41268": "fusion", "41269": "injuring", "41270": "mays", "41271": "picasso", "41272": "reusable", "41273": "fucced", "41274": "seductive", "41275": "defensemen", "41276": "mabe", "41277": "unfortunatly", "41278": "tebow", "41279": "xbox", "41280": "gandhi", "41281": "530", "41282": "invaluable", "41283": "shawarma", "41284": "tyrannical", "41285": "korn", "41286": "nevr", "41287": "💌", "41288": "rily", "41289": "littlemix", "41290": "neve", "41291": "rile", "41292": "neva", "41293": "orchid", "41294": "multifandom", "41295": "humor", "41296": "unavoidable", "41297": "hodge", "41298": "slushie", "41299": "honoured", "41300": "columbus", "41301": "pls", "41302": "rinsing", "41303": "plp", "41304": "marketing", "41305": "challanged", "41306": "plz", "41307": "ply", "41308": "baha", "41309": "plc", "41310": "pla", "41311": "pln", "41312": "pll", "41313": "properties", "41314": "trophy", "41315": "foreskin", "41316": "banked", "41317": "lightheaded", "41318": "newspapers", "41319": "assertion", "41320": "heatnation", "41321": "banker", "41322": "horizon", "41323": "beacuse", "41324": "treble", "41325": "considerations", "41326": "sames", "41327": "prisoners", "41328": "goodday", "41329": "mileena", "41330": "lois", "41331": "rollout", "41332": "loin", "41333": "haskell", "41334": "theorists", "41335": "🐮", "41336": "vultures", "41337": "samee", "41338": "ahahah", "41339": "shitz", "41340": "hehee", "41341": "broussard", "41342": "legislation", "41343": "conspiring", "41344": "clinical", "41345": "quirky", "41346": "lowest", "41347": "vevo", "41348": "snowy", "41349": "snows", "41350": "youuuuuuuuuuuu", "41351": "maxim", "41352": "peninsula", "41353": "maddest", "41354": "hoochie", "41355": "bezzie", "41356": "dead", "41357": "astonished", "41358": "charlene", "41359": "shithole", "41360": "inlaw", "41361": "pra", "41362": "braver", "41363": "braves", "41364": "mtr", "41365": "mts", "41366": "mtp", "41367": "mtv", "41368": "whys", "41369": "____________", "41370": "crystal", "41371": "mth", "41372": "mtn", "41373": "mtl", "41374": "mtb", "41375": "emotional", "41376": "whyd", "41377": "haikyuu", "41378": "fpr", "41379": "mtg", "41380": "mte", "41381": "expresso", "41382": "scandalous", "41383": "abstract", "41384": "brothaa", "41385": "opportunistic", "41386": "howling", "41387": "fiiiine", "41388": "saltwater", "41389": "corbyn", "41390": "bohat", "41391": "archive", "41392": "😡", "41393": "dying", "41394": "meanness", "41395": "stake", "41396": "reality", "41397": "shrine", "41398": "winning", "41399": "unsubscribed", "41400": "holding", "41401": "wowwwww", "41402": "helllll", "41403": "shrink", "41404": "scored", "41405": "looooooooool", "41406": "undertale", "41407": "convincing", "41408": "piccy", "41409": "husker", "41410": "scorer", "41411": "scores", "41412": "mineee", "41413": "charades", "41414": "omega", "41415": "kyoya", "41416": "dulce", "41417": "bestowed", "41418": "teleported", "41419": "switched", "41420": "dance", "41421": "fabricated", "41422": "monterrey", "41423": "switches", "41424": "lannister", "41425": "burqa", "41426": "blushin", "41427": "fegit", "41428": "superpower", "41429": "devoted", "41430": "norwalk", "41431": "agessss", "41432": "somthing", "41433": "hovers", "41434": "donner", "41435": "malley", "41436": "perversion", "41437": "terror", "41438": "thingie", "41439": "jogged", "41440": "brown", "41441": "3am", "41442": "3al", "41443": "terminate", "41444": "brownie", "41445": "vegan", "41446": "emergencies", "41447": "vegas", "41448": "trouble", "41449": "brows", "41450": "beiber", "41451": "debates", "41452": "aggressively", "41453": "ragin", "41454": "adamlambert", "41455": "smooching", "41456": "suprised", "41457": "jourdan", "41458": "guitars", "41459": "sidewalk", "41460": "disqualify", "41461": "diarrhoea", "41462": "postcode", "41463": "upper", "41464": "hte", "41465": "brave", "41466": "htc", "41467": "regret", "41468": "strikeouts", "41469": "bravo", "41470": "rouge", "41471": "discover", "41472": "booties", "41473": "gues", "41474": "prairie", "41475": "🚔", "41476": "upped", "41477": "migraines", "41478": "tempest", "41479": "penetrated", "41480": "snipers", "41481": "lmbo", "41482": "tapioca", "41483": "cwc", "41484": "posers", "41485": "assistance", "41486": "ragging", "41487": "tarantula", "41488": "nasri", "41489": "gawd", "41490": "alina", "41491": "junhoe", "41492": "downloader", "41493": "inauguration", "41494": "genes", "41495": "whatttttttt", "41496": "whiteness", "41497": "downloaded", "41498": "smearing", "41499": "goldfish", "41500": "gorge", "41501": "coochie", "41502": "buck", "41503": "martens", "41504": "unorganized", "41505": "disavow", "41506": "hhhhhh", "41507": "patriotic", "41508": "bucs", "41509": "chesterfield", "41510": "shootouts", "41511": "omggggg", "41512": "montreal", "41513": "homeward", "41514": "wessup", "41515": "lmfaoooo", "41516": "sharpton", "41517": "marked", "41518": "sincerely", "41519": "marker", "41520": "market", "41521": "flavors", "41522": "mentalhealth", "41523": "angela", "41524": "fairfield", "41525": "surnames", "41526": "https", "41527": "sighted", "41528": "angels", "41529": "🌼", "41530": "cahill", "41531": "menstrual", "41532": "missionaries", "41533": "club", "41534": "methodist", "41535": "envelope", "41536": "clue", "41537": "sugarplum", "41538": "slinky", "41539": "mansfield", "41540": "slinks", "41541": "sickkk", "41542": "judgin", "41543": "franson", "41544": "instructional", "41545": "bowler", "41546": "slogan", "41547": "catchphrase", "41548": "flinch", "41549": "secretaries", "41550": "conceal", "41551": "fock", "41552": "fball", "41553": "bowled", "41554": "fulton", "41555": "gabbi", "41556": "grassy", "41557": "taze", "41558": "pauses", "41559": "nemo", "41560": "gabba", "41561": "moffat", "41562": "wacom", "41563": "paused", "41564": "abort", "41565": "posing", "41566": "refine", "41567": "cardio", "41568": "cultivate", "41569": "pjanic", "41570": "infantile", "41571": "fortunately", "41572": "lucks", "41573": "hiccuping", "41574": "write", "41575": "familiar", "41576": "gaping", "41577": "hmph", "41578": "aoe", "41579": "aoa", "41580": "dive", "41581": "aol", "41582": "southern", "41583": "diva", "41584": "wiggly", "41585": "baws", "41586": "aou", "41587": "aot", "41588": "aos", "41589": "diame", "41590": "supra", "41591": "abdi", "41592": "heroes", "41593": "lifting", "41594": "pistorius", "41595": "vomited", "41596": "wwdc", "41597": "whenever", "41598": "futures", "41599": "jokester", "41600": "emcee", "41601": "michel", "41602": "typical", "41603": "tkts", "41604": "counsellor", "41605": "aiding", "41606": "magfest", "41607": "farrell", "41608": "someeee", "41609": "anointing", "41610": "upheld", "41611": "trifle", "41612": "birthdayy", "41613": "tending", "41614": "curly", "41615": "birthdays", "41616": "curls", "41617": "cassper", "41618": "winnipeg", "41619": "artisan", "41620": "2400", "41621": "ipswich", "41622": "showered", "41623": "cyberbully", "41624": "overreacted", "41625": "clasico", "41626": "lalo", "41627": "tsipras", "41628": "o__o", "41629": "reika", "41630": "provision", "41631": "discuss", "41632": "expedite", "41633": "slurp", "41634": "james", "41635": "overkill", "41636": "maddison", "41637": "honked", "41638": "stockholm", "41639": "denmark", "41640": "cliffs", "41641": "yayay", "41642": "sugary", "41643": "champers", "41644": "wowie", "41645": "kang", "41646": "kane", "41647": "snapshots", "41648": "kana", "41649": "bradley", "41650": "shouldnt", "41651": "malema", "41652": "wavelength", "41653": "kant", "41654": "avoided", "41655": "uhuh", "41656": "dowd", "41657": "accomplish", "41658": "hhhh", "41659": "jemma", "41660": "emulate", "41661": "tingle", "41662": "showroom", "41663": "usm", "41664": "happenings", "41665": "noctis", "41666": "shithead", "41667": "rebuilding", "41668": "bynes", "41669": "sorryyyyyy", "41670": "rly", "41671": "marino", "41672": "marina", "41673": "usl", "41674": "marine", "41675": "fungus", "41676": "changmin", "41677": "chillan", "41678": "couldn", "41679": "coulda", "41680": "fonder", "41681": "vehemently", "41682": "kingdoms", "41683": "honest", "41684": "biotch", "41685": "chillax", "41686": "absentmindedly", "41687": "u20", "41688": "u21", "41689": "limpopo", "41690": "zan", "41691": "tennis", "41692": "zak", "41693": "625", "41694": "zai", "41695": "✈", "41696": "variables", "41697": "", "41698": "zac", "41699": "yourself", "41700": "ahhahahaha", "41701": "zay", "41702": "zat", "41703": "zar", "41704": "angular", "41705": "zap", "41706": "ashame", "41707": "iphone4", "41708": "goings", "41709": "dawns", "41710": "traction", "41711": "rosicky", "41712": "thas", "41713": "thar", "41714": "thaw", "41715": "niggaaaaaa", "41716": "that", "41717": "thieving", "41718": "thay", "41719": "tiote", "41720": "eliminates", "41721": "baldy", "41722": "thaa", "41723": "thag", "41724": "inmates", "41725": "thad", "41726": "hillbillies", "41727": "eliminated", "41728": "flowers", "41729": "than", "41730": "semantics", "41731": "ardd", "41732": "2min", "41733": "thumbnails", "41734": "traverse", "41735": "accordance", "41736": "imao", "41737": "karate", "41738": "youngstown", "41739": "rper", "41740": "grandy", "41741": "gobble", "41742": "🏻", "41743": "mulligan", "41744": "photosynthesis", "41745": "raman", "41746": "demba", "41747": "remained", "41748": "craig", "41749": "premier", "41750": "craic", "41751": "untold", "41752": "crossover", "41753": "recover", "41754": "lumpy", "41755": "nuanced", "41756": "wcw", "41757": "granda", "41758": "lumps", "41759": "connell", "41760": "technicality", "41761": "terrific", "41762": "rascals", "41763": "wce", "41764": "online", "41765": "similiar", "41766": "creationism", "41767": "topping", "41768": "ds2", "41769": "oppressive", "41770": "yhea", "41771": "sledge", "41772": "pharaoh", "41773": "teamiphone", "41774": "ooooops", "41775": "bengals", "41776": "barbz", "41777": "aawww", "41778": "bossman", "41779": "uss", "41780": "tooth", "41781": "toots", "41782": "slaves", "41783": "alfie", "41784": "professional", "41785": "sexing", "41786": "filing", "41787": "diaper", "41788": "talbot", "41789": "nanami", "41790": "fletcher", "41791": "lolis", "41792": "excerpts", "41793": "ocarina", "41794": "crashing", "41795": "aint", "41796": "nemesis", "41797": "title", "41798": "proclamation", "41799": "skits", "41800": "aine", "41801": "40pm", "41802": "wayans", "41803": "sierra", "41804": "unravel", "41805": "ainn", "41806": "alcoholism", "41807": "toffee", "41808": "pastrami", "41809": "samuel", "41810": "aamir", "41811": "bracelets", "41812": "brybeats", "41813": "joohyuk", "41814": "moxie", "41815": "wahlberg", "41816": "dooooooooo", "41817": "leather", "41818": "bigly", "41819": "🍪", "41820": "scientist", "41821": "pricy", "41822": "vowel", "41823": "abang", "41824": "reels", "41825": "arite", "41826": "imposter", "41827": "derogatory", "41828": "namely", "41829": "unfit", "41830": "leadersdebate", "41831": "hungryyy", "41832": "winless", "41833": "gillingham", "41834": "texters", "41835": "fascinated", "41836": "jts", "41837": "goddd", "41838": "3", "41839": "complexion", "41840": "skyscraper", "41841": "ytd", "41842": "nathaniel", "41843": "whipped", "41844": "notice", "41845": "gould", "41846": "prettiest", "41847": "garde", "41848": "pluck", "41849": "analyzed", "41850": "pertain", "41851": "impromptu", "41852": "jungkook", "41853": "hanji", "41854": "tutors", "41855": "shindig", "41856": "inward", "41857": "reluctantly", "41858": "wheels", "41859": "halak", "41860": "nearby", "41861": "shamefully", "41862": "belinda", "41863": "gangnam", "41864": "salinas", "41865": "learning", "41866": "interchangeable", "41867": "jongup", "41868": "ricardo", "41869": "olives", "41870": "oliver", "41871": "cycling", "41872": "carer", "41873": "cares", "41874": "ganga", "41875": "sket", "41876": "skew", "41877": "oder", "41878": "carey", "41879": "cared", "41880": "wheezing", "41881": "skee", "41882": "odee", "41883": "etr", "41884": "favoritism", "41885": "ets", "41886": "runchat", "41887": "lalit", "41888": "external", "41889": "foggy", "41890": "prussia", "41891": "donniewahlberg", "41892": "lingard", "41893": "nomnom", "41894": "handicapped", "41895": "crowley", "41896": "argentine", "41897": "nozomi", "41898": "coolest", "41899": "sush", "41900": "suso", "41901": "100th", "41902": "🖐", "41903": "suss", "41904": "3333333", "41905": "donating", "41906": "goblue", "41907": "stickers", "41908": "lmboooo", "41909": "worry", "41910": "webby", "41911": "innocently", "41912": "gentlemen", "41913": "poetic", "41914": "angered", "41915": "auspol", "41916": "asshat", "41917": "choccy", "41918": "paladin", "41919": "investigated", "41920": "centuries", "41921": "enjoyment", "41922": "nestled", "41923": "x3", "41924": "bumpin", "41925": "fuckface", "41926": "wtff", "41927": "bryce", "41928": "aunts", "41929": "nyrangers", "41930": "charges", "41931": "charger", "41932": "ccp", "41933": "ccs", "41934": "rama", "41935": "ccm", "41936": "kavos", "41937": "idina", "41938": "samuels", "41939": "coordinate", "41940": "ccd", "41941": "cca", "41942": "ccc", "41943": "charged", "41944": "heaps", "41945": "cheesing", "41946": "haiii", "41947": "walkingdead", "41948": "knowledgeable", "41949": "dancers", "41950": "briscoe", "41951": "ci", "41952": "ijust", "41953": "everynight", "41954": "", "41955": "haaaaaaaa", "41956": "sweatpants", "41957": "staging", "41958": "pounces", "41959": "thinking", "41960": "stardew", "41961": "senseless", "41962": "magaluf", "41963": "smugglers", "41964": "improvement", "41965": "botted", "41966": "stache", "41967": "watchable", "41968": "prezi", "41969": "baloney", "41970": "malcolm", "41971": "seams", "41972": "saturdaynightonline", "41973": "nielsen", "41974": "offence", "41975": "discontinue", "41976": "revamp", "41977": "early", "41978": "outsource", "41979": "575", "41980": "symbolism", "41981": "earls", "41982": "migrant", "41983": "fryer", "41984": "sprinklers", "41985": "whatchu", "41986": "throwed", "41987": "pounced", "41988": "endorses", "41989": "trumpers", "41990": "streamers", "41991": "benefit", "41992": "whatcha", "41993": "animating", "41994": "endorsed", "41995": "ceremonial", "41996": "bellamy", "41997": "doth", "41998": "apologists", "41999": "seiyuu", "42000": "oscars", "42001": "hobbling", "42002": "guillermo", "42003": "questionnaire", "42004": "cq", "42005": "squirm", "42006": "willis", "42007": "squire", "42008": "20x20", "42009": "dealership", "42010": "willin", "42011": "squirt", "42012": "willie", "42013": "hustle", "42014": "tdk", "42015": "tixs", "42016": "n64", "42017": "business", "42018": "asap", "42019": "kins", "42020": "chefs", "42021": "strained", "42022": "tdf", "42023": "tde", "42024": "1933", "42025": "wunna", "42026": "tdy", "42027": "asad", "42028": "sniffs", "42029": "raul", "42030": "flinches", "42031": "tdp", "42032": "yaass", "42033": "comparison", "42034": "hampers", "42035": "niceeeee", "42036": "muahahaha", "42037": "gums", "42038": "boldly", "42039": "gump", "42040": "testimony", "42041": "assassin", "42042": "processor", "42043": "youn", "42044": "youl", "42045": "youh", "42046": "biryani", "42047": "quasi", "42048": "youd", "42049": "morin", "42050": "dazzling", "42051": "🐒", "42052": "involvement", "42053": "bedtime", "42054": "nestles", "42055": "elementary", "42056": "youv", "42057": "youu", "42058": "yout", "42059": "yous", "42060": "your", "42061": "ared", "42062": "aree", "42063": "chinks", "42064": "forwarded", "42065": "barca", "42066": "area", "42067": "sprees", "42068": "assumed", "42069": "paywall", "42070": "chinky", "42071": "cato", "42072": "liana", "42073": "stiller", "42074": "cats", "42075": "ares", "42076": "assumes", "42077": "booooooo", "42078": "trainings", "42079": "cronut", "42080": "paraphrase", "42081": "gunners", "42082": "clownin", "42083": "evaaa", "42084": "multitasking", "42085": "attainable", "42086": "backkkk", "42087": "outskirts", "42088": "toned", "42089": "pharrell", "42090": "recurring", "42091": "fsg", "42092": "appliance", "42093": "jailbroken", "42094": "churro", "42095": "overpay", "42096": "tones", "42097": "toner", "42098": "gibberish", "42099": "toney", "42100": "scanner", "42101": "backcourt", "42102": "1200", "42103": "scanned", "42104": "hyfr", "42105": "midweek", "42106": "gayness", "42107": "yoo", "42108": "innings", "42109": "unwelcome", "42110": "fuckass", "42111": "maserati", "42112": "yoi", "42113": "yoh", "42114": "ringtone", "42115": "➰", "42116": "valid", "42117": "yoy", "42118": "yow", "42119": "you", "42120": "koscielny", "42121": "yor", "42122": "yop", "42123": "authoritarian", "42124": "perils", "42125": "blairites", "42126": "boing", "42127": "nowwwww", "42128": "aws", "42129": "carpenter", "42130": "🍓", "42131": "massachusetts", "42132": "unattractive", "42133": "bwfc", "42134": "building", "42135": "wssp", "42136": "apathy", "42137": "vines", "42138": "bhakt", "42139": "pledis", "42140": "repay", "42141": "restored", "42142": "embracing", "42143": "signalling", "42144": "redux", "42145": "boonies", "42146": "tomorroww", "42147": "overwatch", "42148": "noooooooooo", "42149": "tomorrows", "42150": "messi", "42151": "graphics", "42152": "deadline", "42153": "messy", "42154": "revoke", "42155": "brunettes", "42156": "c1", "42157": "correa", "42158": "carpet", "42159": "dreadful", "42160": "griffin", "42161": "blueberries", "42162": "oniichan", "42163": "icons", "42164": "gymnast", "42165": "errybody", "42166": "equivalence", "42167": "elias", "42168": "equivalency", "42169": "rinos", "42170": "dekh", "42171": "relieve", "42172": "koolin", "42173": "korver", "42174": "bombarded", "42175": "tweakin", "42176": "hahahahahahaha", "42177": "selfies", "42178": "rogue", "42179": "balancing", "42180": "seatbelts", "42181": "toothless", "42182": "fansite", "42183": "securely", "42184": "heaven", "42185": "bridgeport", "42186": "nhljets", "42187": "paradiso", "42188": "steakhouse", "42189": "heaves", "42190": "🚄", "42191": "fence", "42192": "kaku", "42193": "gayle", "42194": "alolan", "42195": "throughly", "42196": "lys", "42197": "enhancement", "42198": "wisconsin", "42199": "casual", "42200": "snippets", "42201": "grinning", "42202": "tussle", "42203": "darkness", "42204": "consumers", "42205": "maybee", "42206": "emotions", "42207": "spursofficial", "42208": "onna", "42209": "maybes", "42210": "certificates", "42211": "woodbury", "42212": "retention", "42213": "combed", "42214": "onnn", "42215": "edited", "42216": "kookie", "42217": "advani", "42218": "maui", "42219": "196", "42220": "trunk", "42221": "grudges", "42222": "wowowow", "42223": "bxtches", "42224": "creeps", "42225": "llah", "42226": "exceptionally", "42227": "llab", "42228": "creepy", "42229": "ikari", "42230": "drawers", "42231": "amount", "42232": "americanair", "42233": "collingwood", "42234": "fancier", "42235": "beatle", "42236": "kindof", "42237": "trainer", "42238": "shuffle", "42239": "nooooooooo", "42240": "partnering", "42241": "waifus", "42242": "rikki", "42243": "cosmetic", "42244": "lagos", "42245": "analyzing", "42246": "trained", "42247": "trainee", "42248": "globes", "42249": "simba", "42250": "gazza", "42251": "teach", "42252": "countdown", "42253": "flaws", "42254": "0", "42255": "cyd", "42256": "🌬", "42257": "strauss", "42258": "zoro", "42259": "drys", "42260": "autographs", "42261": "authorization", "42262": "pixar", "42263": "linden", "42264": "teleports", "42265": "commences", "42266": "ejected", "42267": "regrettable", "42268": "fredo", "42269": "fredi", "42270": "portman", "42271": "commenced", "42272": "aaahhh", "42273": "regrettably", "42274": "fanfiction", "42275": "rips", "42276": "❤", "42277": "coalition", "42278": "twitterafterdark", "42279": "nebraska", "42280": "playable", "42281": "journos", "42282": "transcend", "42283": "bffs", "42284": "nippy", "42285": "boycott", "42286": "🐙", "42287": "bffl", "42288": "dasia", "42289": "raza", "42290": "impoverished", "42291": "manipulator", "42292": "prbly", "42293": "spreadsheet", "42294": "stayed", "42295": "conserve", "42296": "snippet", "42297": "uniteds", "42298": "wigs", "42299": "tried", "42300": "rude", "42301": "rudd", "42302": "miserables", "42303": "rudi", "42304": "derived", "42305": "tries", "42306": "lankan", "42307": "costner", "42308": "rudy", "42309": "lyf", "42310": "a", "42311": "contrived", "42312": "garments", "42313": "egx", "42314": "doritos", "42315": "relocating", "42316": "toughies", "42317": "throws", "42318": "sheskindahotvma", "42319": "bashing", "42320": "kirstie", "42321": "ego", "42322": "hobbit", "42323": "egl", "42324": "kirstin", "42325": "egg", "42326": "defying", "42327": "xin", "42328": "reservoir", "42329": "annoyingly", "42330": "chalked", "42331": "chavvy", "42332": "eachothers", "42333": "bullpen", "42334": "committee", "42335": "committed", "42336": "oldschool", "42337": "dummies", "42338": "limelight", "42339": "highlighted", "42340": "shotty", "42341": "relaxin", "42342": "lateral", "42343": "solving", "42344": "reluctance", "42345": "actually", "42346": "disclosed", "42347": "relate", "42348": "peanuts", "42349": "lira", "42350": "ewwwww", "42351": "goodmorning", "42352": "gmos", "42353": "motivated", "42354": "phl", "42355": "demographics", "42356": "sssh", "42357": "motivates", "42358": "moaning", "42359": "gmod", "42360": "towering", "42361": "☎", "42362": "eponine", "42363": "payet", "42364": "≠", "42365": "payer", "42366": "decimal", "42367": "kayaking", "42368": "payed", "42369": "dulles", "42370": "lippy", "42371": "balm", "42372": "toda", "42373": "pumas", "42374": "todd", "42375": "quantum", "42376": "columbia", "42377": "evens", "42378": "beyond", "42379": "butthurt", "42380": "event", "42381": "sade", "42382": "plzzzz", "42383": "basements", "42384": "spezza", "42385": "ooohhhhh", "42386": "meditating", "42387": "fuckall", "42388": "ikrr", "42389": "fountain", "42390": "msia", "42391": "grimace", "42392": "expansive", "42393": "norwich", "42394": "matthews", "42395": "earliest", "42396": "revolutionary", "42397": "ahaaaa", "42398": "lemur", "42399": "terrible", "42400": "terribly", "42401": "budlight", "42402": "expecting", "42403": "businessmen", "42404": "daisy", "42405": "bbygirl", "42406": "heartbeat", "42407": "undergo", "42408": "financed", "42409": "paving", "42410": "sacrifice", "42411": "coasts", "42412": "superbowl", "42413": "maccas", "42414": "mish", "42415": "ayyeee", "42416": "misa", "42417": "phs", "42418": "talked", "42419": "jollibee", "42420": "🆗", "42421": "phr", "42422": "mist", "42423": "miss", "42424": "🕛", "42425": "theoriginals", "42426": "wingman", "42427": "supremacists", "42428": "______", "42429": "fielder", "42430": "nigeria", "42431": "breanna", "42432": "jarvis", "42433": "bowed", "42434": "noooooooooooo", "42435": "bowen", "42436": "bowel", "42437": "seaweed", "42438": "●", "42439": "shinji", "42440": "murphys", "42441": "bower", "42442": "blindly", "42443": "inventing", "42444": "albums", "42445": "std", "42446": "ste", "42447": "grocery", "42448": "stg", "42449": "kianna", "42450": "sta", "42451": "dtm", "42452": "stc", "42453": "stl", "42454": "gurgles", "42455": "stn", "42456": "sto", "42457": "sth", "42458": "sti", "42459": "scandinavian", "42460": "bride", "42461": "utopia", "42462": "stp", "42463": "str", "42464": "sts", "42465": "dts", "42466": "sty", "42467": "sentenced", "42468": "overcast", "42469": "syncing", "42470": "alongside", "42471": "lmaooooo", "42472": "affirmative", "42473": "novak", "42474": "comrades", "42475": "spearing", "42476": "sentences", "42477": "gleefully", "42478": "concentration", "42479": "philly", "42480": "lid", "42481": "lie", "42482": "lif", "42483": "jour", "42484": "lia", "42485": "lib", "42486": "lic", "42487": "lil", "42488": "lim", "42489": "lin", "42490": "empowered", "42491": "scotland", "42492": "targets", "42493": "lit", "42494": "liu", "42495": "liv", "42496": "lip", "42497": "useless", "42498": "caliphate", "42499": "exploded", "42500": "aggravating", "42501": "liz", "42502": "720p", "42503": "wath", "42504": "quavo", "42505": "approves", "42506": "promenade", "42507": "sponsored", "42508": "fridges", "42509": "watz", "42510": "watt", "42511": "alpha", "42512": "ahhhhhhhhhhhh", "42513": "approved", "42514": "wats", "42515": "archery", "42516": "jayne", "42517": "sexyyyy", "42518": "mobile", "42519": "performances", "42520": "clear", "42521": "archers", "42522": "snapping", "42523": "foxandfriends", "42524": "clean", "42525": "laroche", "42526": "surrey", "42527": "filmed", "42528": "hypes", "42529": "hyper", "42530": "wheneva", "42531": "stunned", "42532": "runescape", "42533": "celebrities", "42534": "sheik", "42535": "stunner", "42536": "jellybeans", "42537": "certs", "42538": "hyped", "42539": "impressively", "42540": "samir", "42541": "□", "42542": "parameters", "42543": "blackface", "42544": "stubbornness", "42545": "🎉", "42546": "flights", "42547": "explodes", "42548": "circle", "42549": "darwin", "42550": "aftershave", "42551": "juke", "42552": "hotmail", "42553": "natin", "42554": "mileyformmva", "42555": "capsule", "42556": "nly", "42557": "basement", "42558": "homeworks", "42559": "houghton", "42560": "footballers", "42561": "🍚", "42562": "intensify", "42563": "gels", "42564": "fiancé", "42565": "frickin", "42566": "glum", "42567": "diggin", "42568": "paella", "42569": "x", "42570": "redefine", "42571": "throwing", "42572": "prague", "42573": "plausible", "42574": "bethlehem", "42575": "angie", "42576": "mckay", "42577": "dano", "42578": "probable", "42579": "dann", "42580": "wkend", "42581": "heartbeats", "42582": "d10", "42583": "familiarity", "42584": "songbird", "42585": "checkmate", "42586": "probably", "42587": "rlly", "42588": "yaasss", "42589": "bigots", "42590": "heeeyy", "42591": "nathalie", "42592": "chapstick", "42593": "manilow", "42594": "unstoppable", "42595": "2moro", "42596": "succubus", "42597": "stale", "42598": "both", "42599": "inferiority", "42600": "mega", "42601": "fiance", "42602": "respawn", "42603": "widdle", "42604": "sensitive", "42605": "megs", "42606": "bots", "42607": "botw", "42608": "freeeee", "42609": "jovetic", "42610": "headed", "42611": "sickened", "42612": "steele", "42613": "manners", "42614": "whatever", "42615": "whateves", "42616": "steely", "42617": "header", "42618": "fattie", "42619": "linux", "42620": "mumble", "42621": "primetime", "42622": "naps", "42623": "muting", "42624": "igor", "42625": "buisness", "42626": "coarse", "42627": "napa", "42628": "territory", "42629": "delights", "42630": "walter", "42631": "imam", "42632": "collectible", "42633": "dialogue", "42634": "iman", "42635": "0000", "42636": "imaa", "42637": "imac", "42638": "deter", "42639": "determination", "42640": "compromised", "42641": "folklore", "42642": "ayeeeee", "42643": "cuckoo", "42644": "fleek", "42645": "valkyrie", "42646": "maguire", "42647": "saracens", "42648": "impersonating", "42649": "bratty", "42650": "while", "42651": "ribena", "42652": "shift", "42653": "fleet", "42654": "animated", "42655": "bor", "42656": "flees", "42657": "alike", "42658": "helloo", "42659": "jinxx", "42660": "asuna", "42661": "bruhhhhhh", "42662": "grinned", "42663": "gall", "42664": "birthdayyyyyyy", "42665": "darrell", "42666": "igotta", "42667": "skype", "42668": "hellow", "42669": "fairer", "42670": "gimp", "42671": "", "42672": "deadpool", "42673": "baseline", "42674": "spheres", "42675": "abcfamily", "42676": "vibrators", "42677": "subliminal", "42678": "vanek", "42679": "cdc", "42680": "taunt", "42681": "soylent", "42682": "diagnosed", "42683": "hallway", "42684": "indianapolis", "42685": "lawyers", "42686": "elgato", "42687": "bonus", "42688": "marzipan", "42689": "smugness", "42690": "stashed", "42691": "hbu", "42692": "cleaning", "42693": "yuan", "42694": "uchiha", "42695": "flirty", "42696": "gsp", "42697": "gsu", "42698": "gst", "42699": "gsw", "42700": "database", "42701": "margot", "42702": "poland", "42703": "jodiarias", "42704": "haul", "42705": "grrrrrrrr", "42706": "hrt", "42707": "savvy", "42708": "desh", "42709": "gsm", "42710": "appalled", "42711": "yankees", "42712": "eonni", "42713": "coup", "42714": "cous", "42715": "winces", "42716": "judgments", "42717": "lpool", "42718": "faisal", "42719": "winced", "42720": "buttner", "42721": "roasted", "42722": "taiwan", "42723": "ी", "42724": "kebab", "42725": "botch", "42726": "fiancee", "42727": "yesenia", "42728": "cemetery", "42729": "workflow", "42730": "armin", "42731": "sedated", "42732": "schoolwork", "42733": "motivating", "42734": "lasses", "42735": "stein", "42736": "thurston", "42737": "defies", "42738": "albino", "42739": "rebranding", "42740": "amaro", "42741": "amari", "42742": "waynes", "42743": "amare", "42744": "amara", "42745": "theconjuring", "42746": "♠", "42747": "mhh", "42748": "interfered", "42749": "pillar", "42750": "toyota", "42751": "translates", "42752": "duluth", "42753": "macbooks", "42754": "translated", "42755": "contradictions", "42756": "5c", "42757": "somi", "42758": "perked", "42759": "mhe", "42760": "33rd", "42761": "soml", "42762": "somo", "42763": "foreman", "42764": "soma", "42765": "fathers", "42766": "some", "42767": "pierre", "42768": "somg", "42769": "urgent", "42770": "mmmmm", "42771": "saddles", "42772": "majorca", "42773": "wensday", "42774": "bruising", "42775": "besttt", "42776": "rucksack", "42777": "alderweireld", "42778": "sophomores", "42779": "isiah", "42780": "foley", "42781": "hoff", "42782": "eating", "42783": "booklet", "42784": "foles", "42785": "jihyo", "42786": "jazzy", "42787": "joffrey", "42788": "finalfour", "42789": "som1", "42790": "layne", "42791": "raspberry", "42792": "subtract", "42793": "awwwe", "42794": "gnome", "42795": "fosho", "42796": "betfair", "42797": "tracing", "42798": "idt", "42799": "idr", "42800": "ids", "42801": "stonewall", "42802": "awwwh", "42803": "awwww", "42804": "lockers", "42805": "idm", "42806": "collaborative", "42807": "idk", "42808": "blocc", "42809": "beetch", "42810": "idf", "42811": "idg", "42812": "ide", "42813": "idc", "42814": "block", "42815": "ida", "42816": "disclosure", "42817": "namaste", "42818": "🐂", "42819": "aya", "42820": "carlton", "42821": "baez", "42822": "sandro", "42823": "liquidation", "42824": "dwayne", "42825": "bargnani", "42826": "smirnoff", "42827": "statistics", "42828": "habitat", "42829": "huhu", "42830": "anufams", "42831": "syllabus", "42832": "dribbled", "42833": "rivalries", "42834": "chunti", "42835": "newsworthy", "42836": "rees", "42837": "reet", "42838": "registered", "42839": "frost", "42840": "paneer", "42841": "reed", "42842": "newer", "42843": "frosh", "42844": "disproportionately", "42845": "reek", "42846": "reel", "42847": "reem", "42848": "mineral", "42849": "info", "42850": "cramping", "42851": "swagger", "42852": "utd", "42853": "restarted", "42854": "grinch", "42855": "stumbling", "42856": "uti", "42857": "doodoo", "42858": "countryfile", "42859": "uts", "42860": "fdr", "42861": "cautiously", "42862": "malik", "42863": "aspirin", "42864": "malia", "42865": "metals", "42866": "408", "42867": "awf", "42868": "nab", "42869": "nac", "42870": "naa", "42871": "nag", "42872": "insomniac", "42873": "nae", "42874": "objection", "42875": "nak", "42876": "nah", "42877": "nai", "42878": "nan", "42879": "nao", "42880": "nal", "42881": "nam", "42882": "nar", "42883": "nas", "42884": "nap", "42885": "electrical", "42886": "naw", "42887": "nat", "42888": "nau", "42889": "pronouns", "42890": "nay", "42891": "pandas", "42892": "gabbie", "42893": "draw", "42894": "kori", "42895": "reportedly", "42896": "crouching", "42897": "kansas", "42898": "dray", "42899": "resign", "42900": "william", "42901": "tianna", "42902": "drag", "42903": "rested", "42904": "kory", "42905": "drab", "42906": "dram", "42907": "swede", "42908": "restrained", "42909": "structure", "42910": "kors", "42911": "hanover", "42912": "practically", "42913": "neill", "42914": "outing", "42915": "youtube", "42916": "bleached", "42917": "tandem", "42918": "stargate", "42919": "hallways", "42920": "bleacher", "42921": "rhian", "42922": "sonoma", "42923": "ndtv", "42924": "pronounces", "42925": "bacardi", "42926": "pearce", "42927": "proposition", "42928": "☔", "42929": "yassssssss", "42930": "barbecue", "42931": "rhonda", "42932": "tehe", "42933": "mosque", "42934": "oclock", "42935": "marchand", "42936": "silverstone", "42937": "nichole", "42938": "kca", "42939": "maar", "42940": "maam", "42941": "maan", "42942": "facebook", "42943": "nichols", "42944": "ziall", "42945": "maad", "42946": "maaa", "42947": "snide", "42948": "homicidal", "42949": "olaf", "42950": "exits", "42951": "stiff", "42952": "gender", "42953": "button", "42954": "hive", "42955": "noope", "42956": "verdict", "42957": "hoarded", "42958": "olay", "42959": "inspection", "42960": "reelected", "42961": "comforts", "42962": "stairway", "42963": "carter", "42964": "felon", "42965": "blitz", "42966": "carted", "42967": "sanogo", "42968": "ardent", "42969": "cartel", "42970": "xoxoxoxox", "42971": "plays", "42972": "unhelpful", "42973": "poles", "42974": "trigun", "42975": "playa", "42976": "pristine", "42977": "playn", "42978": "nicholas", "42979": "aligning", "42980": "shoreline", "42981": "obe", "42982": "weirds", "42983": "prescribe", "42984": "raspberries", "42985": "ramsey", "42986": "weirdo", "42987": "conceited", "42988": "bff", "42989": "nites", "42990": "micah", "42991": "motogp", "42992": "bfe", "42993": "⇦", "42994": "withdrawing", "42995": "hatty", "42996": "12am", "42997": "vbs", "42998": "girlllll", "42999": "commendable", "43000": "daybreak", "43001": "busking", "43002": "addresses", "43003": "danger", "43004": "😊", "43005": "apprehensive", "43006": "devyn", "43007": "addressed", "43008": "prequels", "43009": "gimmick", "43010": "comers", "43011": "singing", "43012": "kilig", "43013": "dosent", "43014": "bfs", "43015": "metaphor", "43016": "lordt", "43017": "snoop", "43018": "doujin", "43019": "congratulated", "43020": "edna", "43021": "contentment", "43022": "subsidized", "43023": "vehicle", "43024": "expressway", "43025": "malawi", "43026": "bureaucracy", "43027": "popped", "43028": "winston", "43029": "dentists", "43030": "cackle", "43031": "biblical", "43032": "becomes", "43033": "tangerine", "43034": "70th", "43035": "poppet", "43036": "stamkos", "43037": "popper", "43038": "juuuust", "43039": "hayato", "43040": "kettering", "43041": "whisky", "43042": "announcing", "43043": "sanctions", "43044": "ride", "43045": "unorganised", "43046": "rida", "43047": "salam", "43048": "yoona", "43049": "yoong", "43050": "cartridges", "43051": "infidel", "43052": "control", "43053": "woooooow", "43054": "wharf", "43055": "kenny", "43056": "speciality", "43057": "thugger", "43058": "wasteman", "43059": "wowww", "43060": "4hours", "43061": "kenna", "43062": "valhalla", "43063": "14m", "43064": "spartacus", "43065": "¦", "43066": "africans", "43067": "galleria", "43068": "kolkata", "43069": "immoral", "43070": "hafta", "43071": "kisi", "43072": "cohort", "43073": "hia", "43074": "gulps", "43075": "⛪", "43076": "cutlery", "43077": "laffin", "43078": "crazed", "43079": "revise", "43080": "normie", "43081": "bairn", "43082": "fuckup", "43083": "hie", "43084": "soggy", "43085": "fresno", "43086": "trafalgar", "43087": "cadet", "43088": "rebellious", "43089": "tiptoes", "43090": "sperm", "43091": "maaaan", "43092": "majorly", "43093": "cruise", "43094": "mentioned", "43095": "converting", "43096": "dueces", "43097": "hock", "43098": "batmobile", "43099": "massey", "43100": "helicopters", "43101": "brood", "43102": "brooo", "43103": "masses", "43104": "notebooks", "43105": "brook", "43106": "banquet", "43107": "gash", "43108": "kinnear", "43109": "oiiii", "43110": "flail", "43111": "pensioners", "43112": "canuck", "43113": "x100", "43114": "omfgg", "43115": "tiddies", "43116": "twerkin", "43117": "surrounds", "43118": "errands", "43119": "potbelly", "43120": "gwyneth", "43121": "sweets", "43122": "front", "43123": "announcers", "43124": "sweety", "43125": "madras", "43126": "masters", "43127": "aubameyang", "43128": "mastery", "43129": "registrations", "43130": "muff", "43131": "magnitude", "43132": "eton", "43133": "mufc", "43134": "renner", "43135": "bacha", "43136": "seniors", "43137": "everrrr", "43138": "showering", "43139": "drizzy", "43140": "globe", "43141": "144", "43142": "hlp", "43143": "harlot", "43144": "austen", "43145": "coldstone", "43146": "lololololol", "43147": "measure", "43148": "hlf", "43149": "hle", "43150": "swayed", "43151": "gallant", "43152": "bf3", "43153": "boateng", "43154": "ayyyee", "43155": "may", "43156": "theweeknd", "43157": "shambles", "43158": "murph", "43159": "maz", "43160": "umbrella", "43161": "seb", "43162": "wines", "43163": "activity", "43164": "undo", "43165": "attending", "43166": "intruder", "43167": "urahara", "43168": "princess", "43169": "wrestlemania", "43170": "junho", "43171": "geometry", "43172": "harlow", "43173": "florida", "43174": "origi", "43175": "🍱", "43176": "49ers", "43177": "lancer", "43178": "justifying", "43179": "elliegoulding", "43180": "mad", "43181": "prospective", "43182": "evans", "43183": "blogger", "43184": "hombre", "43185": "arr", "43186": "wayyy", "43187": "bootcamp", "43188": "ars", "43189": "drinker", "43190": "art", "43191": "hindutva", "43192": "quality", "43193": "horseman", "43194": "aru", "43195": "overestimate", "43196": "playlist", "43197": "maj", "43198": "aigoo", "43199": "privacy", "43200": "bears", "43201": "mam", "43202": "durable", "43203": "arw", "43204": "adopted", "43205": "🔴", "43206": "ary", "43207": "stroked", "43208": "final", "43209": "townsend", "43210": "beard", "43211": "tnight", "43212": "malibu", "43213": "carpool", "43214": "misspell", "43215": "pssst", "43216": "punish", "43217": "exactly", "43218": "apologise", "43219": "sundowns", "43220": "bishhh", "43221": "bieber", "43222": "smooooth", "43223": "psssh", "43224": "apologist", "43225": "aspiration", "43226": "photogenic", "43227": "arb", "43228": "shill", "43229": "firework", "43230": "cravings", "43231": "dumb", "43232": "referral", "43233": "bard", "43234": "behaviors", "43235": "robocop", "43236": "thistle", "43237": "tabs", "43238": "barf", "43239": "suge", "43240": "nees", "43241": "dahling", "43242": "arh", "43243": "bertha", "43244": "goldberg", "43245": "yeaaaaah", "43246": "keller", "43247": "need", "43248": "neee", "43249": "kelley", "43250": "bark", "43251": "sings", "43252": "microphone", "43253": "pursued", "43254": "able", "43255": "purchasing", "43256": "wldnt", "43257": "baro", "43258": "tactic", "43259": "singh", "43260": "aro", "43261": "mongrel", "43262": "medals", "43263": "deposit", "43264": "goddamned", "43265": "dubz", "43266": "crunchyroll", "43267": "fullscreen", "43268": "aww", "43269": "dubs", "43270": "awp", "43271": "parenting", "43272": "awl", "43273": "awk", "43274": "overlapping", "43275": "awh", "43276": "achilles", "43277": "awe", "43278": "pyd", "43279": "dubb", "43280": "awa", "43281": "pembroke", "43282": "stereo", "43283": "wilcox", "43284": "scrambles", "43285": "sterek", "43286": "undeniable", "43287": "eachother", "43288": "upset", "43289": "scrambled", "43290": "prickly", "43291": "👵", "43292": "undeniably", "43293": "karrueche", "43294": "thankseu", "43295": "crore", "43296": "conforto", "43297": "impression", "43298": "emerging", "43299": "🔆", "43300": "nutella", "43301": "shoprite", "43302": "indoor", "43303": "dojo", "43304": "scandalabc", "43305": "suncream", "43306": "soldiers", "43307": "molest", "43308": "pansexual", "43309": "klaine", "43310": "mufuckas", "43311": "creamed", "43312": "perla", "43313": "earned", "43314": "winner", "43315": "employer", "43316": "🐰", "43317": "creamer", "43318": "mhmmmm", "43319": "employee", "43320": "employed", "43321": "10km", "43322": "dodge", "43323": "maybeee", "43324": "doubting", "43325": "jammu", "43326": "mgk", "43327": "michigan", "43328": "jammy", "43329": "overall", "43330": "mgm", "43331": "sipping", "43332": "mgs", "43333": "joint", "43334": "legitimate", "43335": "fallout", "43336": "mgt", "43337": "buyer", "43338": "defected", "43339": "sassy", "43340": "scrolling", "43341": "borin", "43342": "conservatory", "43343": "snitchin", "43344": "wellness", "43345": "chained", "43346": "motorboat", "43347": "corruption", "43348": "felipe", "43349": "shaka", "43350": "contain", "43351": "yassss", "43352": "recoup", "43353": "moors", "43354": "gotchaa", "43355": "hardwood", "43356": "shake", "43357": "orphan", "43358": "reinforce", "43359": "computer", "43360": "powder", "43361": "unsweetened", "43362": "equis", "43363": "stats", "43364": "ao3", "43365": "klopp", "43366": "state", "43367": "masking", "43368": "juggle", "43369": "derulo", "43370": "zoella", "43371": "sorely", "43372": "importance", "43373": "sial", "43374": "growup", "43375": "efficiency", "43376": "group", "43377": "paraphrasing", "43378": "fishin", "43379": "mindy", "43380": "roid", "43381": "◦", "43382": "career", "43383": "aqua", "43384": "minds", "43385": "congrat", "43386": "publicized", "43387": "flocking", "43388": "feeeeel", "43389": "rebekah", "43390": "spandex", "43391": "menstruation", "43392": "sense8", "43393": "complication", "43394": "pouches", "43395": "denise", "43396": "┐", "43397": "johann", "43398": "stankin", "43399": "maximize", "43400": "ot3", "43401": "ot5", "43402": "poem", "43403": "ctc", "43404": "tread", "43405": "dortmund", "43406": "bricked", "43407": "treat", "43408": "poet", "43409": "oth", "43410": "senses", "43411": "otl", "43412": "ota", "43413": "otc", "43414": "orphanage", "43415": "otf", "43416": "koolaid", "43417": "30mins", "43418": "sensed", "43419": "hamburg", "43420": "otp", "43421": "sensei", "43422": "otr", "43423": "ots", "43424": "ott", "43425": "shameless", "43426": "otw", "43427": "smartphones", "43428": "harder", "43429": "harden", "43430": "vivi", "43431": "🇳", "43432": "chalo", "43433": "chall", "43434": "hardee", "43435": "chale", "43436": "suckle", "43437": "q_q", "43438": "fonda", "43439": "coating", "43440": "wkd", "43441": "sustenance", "43442": "h1z1", "43443": "unwatchable", "43444": "hiiiiii", "43445": "wks", "43446": "wku", "43447": "argentinian", "43448": "blasphemous", "43449": "began", "43450": "tripoli", "43451": "sharapova", "43452": "🚲", "43453": "♈", "43454": "eclectic", "43455": "3some", "43456": "tapped", "43457": "reactionary", "43458": "fireman", "43459": "effect", "43460": "hahahhahahaha", "43461": "chock", "43462": "statesboro", "43463": "cello", "43464": "discouraged", "43465": "metlife", "43466": "phill", "43467": "surfboard", "43468": "photocard", "43469": "obstacles", "43470": "mccabe", "43471": "schl", "43472": "phils", "43473": "glowed", "43474": "restore", "43475": "sourced", "43476": "savannah", "43477": "cuck", "43478": "forests", "43479": "sources", "43480": "rgds", "43481": "laurel", "43482": "skill", "43483": "lauren", "43484": "coordination", "43485": "grappling", "43486": "titty", "43487": "lures", "43488": "indiatoday", "43489": "titts", "43490": "logged", "43491": "mcconnell", "43492": "lured", "43493": "idkkk", "43494": "telstra", "43495": "utah", "43496": "crushed", "43497": "duchene", "43498": "sokay", "43499": "5am", "43500": "burden", "43501": "crushes", "43502": "crusher", "43503": "guzman", "43504": "glazing", "43505": "bouda", "43506": "taping", "43507": "martin", "43508": "setups", "43509": "alycia", "43510": "mulayam", "43511": "shed", "43512": "shee", "43513": "jls", "43514": "shea", "43515": "shen", "43516": "twitter", "43517": "shem", "43518": "grizzlies", "43519": "shew", "43520": "shet", "43521": "quartz", "43522": "warmer", "43523": "shes", "43524": "shep", "43525": "speedo", "43526": "jlo", "43527": "proofs", "43528": "🔝", "43529": "shey", "43530": "heartache", "43531": "dysphoria", "43532": "shiiiit", "43533": "kettle", "43534": "hangul", "43535": "rewarding", "43536": "350k", "43537": "shiiiid", "43538": "shiiiii", "43539": "boggles", "43540": "footprints", "43541": "duh", "43542": "espnu", "43543": "👇", "43544": "ps", "43545": "crackheads", "43546": "monetary", "43547": "phantoms", "43548": "showcasing", "43549": "prohibited", "43550": "offset", "43551": "instinct", "43552": "annabelle", "43553": "shakily", "43554": "breadsticks", "43555": "pw", "43556": "pt", "43557": "courf", "43558": "3500", "43559": "pagans", "43560": "duo", "43561": "cleans", "43562": "choppin", "43563": "madame", "43564": "swa", "43565": "rodeo", "43566": "toppings", "43567": "mariota", "43568": "flipkart", "43569": "persuaded", "43570": "px", "43571": "stakes", "43572": "artiste", "43573": "primal", "43574": "vulgarity", "43575": "interstellar", "43576": "terence", "43577": "gogglebox", "43578": "naïve", "43579": "artists", "43580": "ㅠㅠㅠㅠ", "43581": "additions", "43582": "strategy", "43583": "endeavours", "43584": "utility", "43585": "permits", "43586": "networking", "43587": "tidied", "43588": "buttermilk", "43589": "chancetherapper", "43590": "recruiter", "43591": "elephants", "43592": "draxler", "43593": "brice", "43594": "dolphins", "43595": "recruited", "43596": "stydia", "43597": "weddle", "43598": "cricket", "43599": "williamson", "43600": "gluten", "43601": "hazardous", "43602": "forreal", "43603": "yoyo", "43604": "subjective", "43605": "dup", "43606": "jollof", "43607": "marge", "43608": "technician", "43609": "selangor", "43610": "ph", "43611": "margo", "43612": "celly", "43613": "dus", "43614": "converter", "43615": "cells", "43616": "hosting", "43617": "signed", "43618": "po", "43619": "godson", "43620": "cruel", "43621": "converted", "43622": "woke", "43623": "720", "43624": "pumped", "43625": "piece", "43626": "kwanzaa", "43627": "openers", "43628": "xabi", "43629": "🎈", "43630": "penny", "43631": "mejor", "43632": "penne", "43633": "proly", "43634": "chromosome", "43635": "eddies", "43636": "scowls", "43637": "contest", "43638": "fencing", "43639": "offensive", "43640": "westminster", "43641": "suspiciously", "43642": "lebrons", "43643": "chemist", "43644": "🇴", "43645": "cheesiest", "43646": "hahhaa", "43647": "fodder", "43648": "ecstatic", "43649": "justsaying", "43650": "hahhah", "43651": "nycc", "43652": "refreshments", "43653": "methinks", "43654": "marlies", "43655": "afghans", "43656": "breathy", "43657": "animosity", "43658": "agonizing", "43659": "kaiden", "43660": "sphinx", "43661": "devour", "43662": "haider", "43663": "portion", "43664": "furrowing", "43665": "gonzales", "43666": "imani", "43667": "frankfurt", "43668": "zenit", "43669": "secondly", "43670": "multiplayer", "43671": "todays", "43672": "similarity", "43673": "trembled", "43674": "todayy", "43675": "drumpf", "43676": "andre", "43677": "scheming", "43678": "", "43679": "homeschooling", "43680": "captain", "43681": "minuscule", "43682": "offenses", "43683": "guerrero", "43684": "marcos", "43685": "segments", "43686": "sweetest", "43687": "blacking", "43688": "presents", "43689": "thestruggle", "43690": "pwetty", "43691": "quotas", "43692": "trousers", "43693": "teaching", "43694": "saiyuki", "43695": "updated", "43696": "chennai", "43697": "cruising", "43698": "emerged", "43699": "ration", "43700": "stalkers", "43701": "misunderstanding", "43702": "appaz", "43703": "wilfred", "43704": "updates", "43705": "betters", "43706": "courageous", "43707": "sickkkkk", "43708": "skillz", "43709": "30ish", "43710": "sandiego", "43711": "moreeeee", "43712": "skills", "43713": "tumour", "43714": "commons", "43715": "neverrr", "43716": "cryed", "43717": "convenience", "43718": "aham", "43719": "canelo", "43720": "force", "43721": "yhuu", "43722": "quilt", "43723": "warns", "43724": "chii", "43725": "japanese", "43726": "bashers", "43727": "yerself", "43728": "crave", "43729": "217", "43730": "helluva", "43731": "yack", "43732": "cactus", "43733": "nthn", "43734": "quill", "43735": "even", "43736": "asin", "43737": "asik", "43738": "trapping", "43739": "todaaay", "43740": "prisons", "43741": "asif", "43742": "panama", "43743": "asia", "43744": "avicii", "43745": "prt", "43746": "cheng", "43747": "evey", "43748": "bachelors", "43749": "tips", "43750": "lighty", "43751": "ever", "43752": "eves", "43753": "deemed", "43754": "pancakes", "43755": "chiles", "43756": "deadbeat", "43757": "votes", "43758": "gotg", "43759": "anthropology", "43760": "active", "43761": "const", "43762": "you", "43763": "sooooooooooo", "43764": "ajaz", "43765": "luther", "43766": "tapes", "43767": "jams", "43768": "jeno", "43769": "jamz", "43770": "handbrake", "43771": "taped", "43772": "ajay", "43773": "groupchat", "43774": "permit", "43775": "jamo", "43776": "jami", "43777": "guud", "43778": "eyebrows", "43779": "whatnot", "43780": "digitally", "43781": "campaign", "43782": "hyeong", "43783": "schooling", "43784": "holyshit", "43785": "moral", "43786": "moran", "43787": "gots", "43788": "welch", "43789": "zakiyah", "43790": "landscape", "43791": "mooch", "43792": "ore", "43793": "overheat", "43794": "army", "43795": "wankers", "43796": "orb", "43797": "cals", "43798": "barks", "43799": "arms", "43800": "cali", "43801": "barnacle", "43802": "overhead", "43803": "calm", "43804": "interruption", "43805": "twirled", "43806": "calc", "43807": "dominicans", "43808": "calf", "43809": "arma", "43810": "melbs", "43811": "peeping", "43812": "killas", "43813": "composite", "43814": "kelce", "43815": "sharkeisha", "43816": "👎", "43817": "lazarus", "43818": "pecan", "43819": "meera", "43820": "eternally", "43821": "blindfold", "43822": "shamrock", "43823": "🗣", "43824": "flora", "43825": "balthazar", "43826": "ecstasy", "43827": "zamn", "43828": "gasoline", "43829": "rim", "43830": "tagalog", "43831": "westbrook", "43832": "gossiping", "43833": "rik", "43834": "defer", "43835": "vodka", "43836": "wanka", "43837": "►", "43838": "mumford", "43839": "ygo", "43840": "ygm", "43841": "laughs", "43842": "juggalo", "43843": "involve", "43844": "wanks", "43845": "discography", "43846": "degenerate", "43847": "savers", "43848": "wanky", "43849": "seacrest", "43850": "sats", "43851": "strop", "43852": "anguish", "43853": "creasing", "43854": "bellarke", "43855": "mp3s", "43856": "housemates", "43857": "woaah", "43858": "bishhhhh", "43859": "ria", "43860": "sato", "43861": "partyy", "43862": "briefcase", "43863": "undergoing", "43864": "cadillac", "43865": "lengthy", "43866": "thankyou", "43867": "aniyo", "43868": "curiosity", "43869": "misfit", "43870": "lesbian", "43871": "royce", "43872": "inactivity", "43873": "purchase", "43874": "horchata", "43875": "capitalise", "43876": "longingly", "43877": "nique", "43878": "capitalism", "43879": "maintain", "43880": "waited", "43881": "capitalist", "43882": "uninsured", "43883": "divinity", "43884": "gladiators", "43885": "dieeee", "43886": "operations", "43887": "helens", "43888": "fetus", "43889": "deck", "43890": "fifi", "43891": "dece", "43892": "deca", "43893": "diddd", "43894": "helena", "43895": "diddy", "43896": "niiiiice", "43897": "responsive", "43898": "218", "43899": "neutered", "43900": "baiting", "43901": "scoring", "43902": "ayeeeeee", "43903": "betted", "43904": "fleeing", "43905": ",", "43906": "better", "43907": "damascus", "43908": "differently", "43909": "pillsbury", "43910": "carve", "43911": "prius", "43912": "pleasurable", "43913": "downy", "43914": "donors", "43915": "cornerback", "43916": "fixation", "43917": "weakness", "43918": "downs", "43919": "nightclubs", "43920": "intimidation", "43921": "🍢", "43922": "downn", "43923": "oioi", "43924": "singularity", "43925": "weenie", "43926": "musically", "43927": "grammar", "43928": "upppppp", "43929": "wena", "43930": "victories", "43931": "leaned", "43932": "haruhi", "43933": "went", "43934": "wens", "43935": "inserts", "43936": "mandates", "43937": "principles", "43938": "onfg", "43939": "doug", "43940": "principled", "43941": "extract", "43942": "contend", "43943": "ratchetness", "43944": "pussies", "43945": "sluts", "43946": "restricted", "43947": "sparkly", "43948": "singling", "43949": "content", "43950": "sparkle", "43951": "monsanto", "43952": "undeserved", "43953": "apne", "43954": "hermosa", "43955": "haggis", "43956": "cheatin", "43957": "turning", "43958": "linear", "43959": "interchange", "43960": "throwbacks", "43961": "little", "43962": "beatty", "43963": "1mil", "43964": "1min", "43965": "tisha", "43966": "beanies", "43967": "🍡", "43968": "saggy", "43969": "shaggy", "43970": "canna", "43971": "starts", "43972": "professions", "43973": "fetal", "43974": "deadlift", "43975": "290", "43976": "signature", "43977": "swiping", "43978": "inbred", "43979": "cackles", "43980": "4od", "43981": "andie", "43982": "laggy", "43983": "wooop", "43984": "grade", "43985": "📖", "43986": "twitches", "43987": "grady", "43988": "disappearing", "43989": "yehet", "43990": "twitched", "43991": "10ft", "43992": "grads", "43993": "nastiness", "43994": "1a", "43995": "mucker", "43996": "estelle", "43997": "hitchens", "43998": "spinach", "43999": "concussion", "44000": "recruiting", "44001": "twisted", "44002": "kierra", "44003": "boating", "44004": "yooouuu", "44005": "zeros", "44006": "witnessing", "44007": "thefive", "44008": "brainwash", "44009": "twister", "44010": "coentrao", "44011": "tgat", "44012": "grexit", "44013": "horrendously", "44014": "moisture", "44015": "haga", "44016": "bringin", "44017": "somone", "44018": "peculiar", "44019": "symptom", "44020": "hampden", "44021": "spoiler", "44022": "congratulatory", "44023": "anxiety", "44024": "1m", "44025": "solomon", "44026": "silly", "44027": "aether", "44028": "deserving", "44029": "hottie", "44030": "aoi", "44031": "2690", "44032": "bobo", "44033": "persuasive", "44034": "anybody", "44035": "rigorous", "44036": "plzz", "44037": "🍯", "44038": "emphasizing", "44039": "edgy", "44040": "adjourned", "44041": "horde", "44042": "karmas", "44043": "prattling", "44044": "", "44045": "hoody", "44046": "morninggg", "44047": "chess", "44048": "helga", "44049": "hoods", "44050": "alchy", "44051": "panties", "44052": "fitnessgram", "44053": "tym", "44054": "inspirational", "44055": "े", "44056": "tye", "44057": "spams", "44058": "urdu", "44059": "kean", "44060": "tyt", "44061": "unknowingly", "44062": "goodes", "44063": "buts", "44064": "👥", "44065": "enviro", "44066": "punjabi", "44067": "nighttime", "44068": "slipknot", "44069": "definitely", "44070": "mailing", "44071": "urgency", "44072": "lyrics", "44073": "grievance", "44074": "ringtones", "44075": "lizz", "44076": "retire", "44077": "ending", "44078": "carney", "44079": "attempts", "44080": "chartered", "44081": "stepping", "44082": "⌚", "44083": "🐠", "44084": "cripple", "44085": "dieee", "44086": "monuments", "44087": "hoard", "44088": "scrubbing", "44089": "wearing", "44090": "exports", "44091": "reconstruction", "44092": "colorful", "44093": "shhhhh", "44094": "guthrie", "44095": "perceive", "44096": "barlow", "44097": "baw", "44098": "bat", "44099": "bar", "44100": "bas", "44101": "bap", "44102": "baq", "44103": "whitechapel", "44104": "baz", "44105": "seolhyun", "44106": "bay", "44107": "illegitimate", "44108": "bag", "44109": "bad", "44110": "bae", "44111": "bab", "44112": "bac", "44113": "baa", "44114": "ban", "44115": "bao", "44116": "bal", "44117": "bam", "44118": "xiii", "44119": "bak", "44120": "bah", "44121": "bai", "44122": "brahhh", "44123": "unworthy", "44124": "reefer", "44125": "winnable", "44126": "gunnar", "44127": "enders", "44128": "armageddon", "44129": "notions", "44130": "brazil", "44131": "saif", "44132": "said", "44133": "cannn", "44134": "inappropriate", "44135": "sain", "44136": "sail", "44137": "shaved", "44138": "olympics", "44139": "uppity", "44140": "disprove", "44141": "snogging", "44142": "shaves", "44143": "tolerance", "44144": "lethargic", "44145": "reddit", "44146": "deepthroatmytail", "44147": "halestorm", "44148": "restricting", "44149": "bumgarner", "44150": "vitamin", "44151": "vacuuming", "44152": "boise", "44153": "harvard", "44154": "orthodontist", "44155": "herring", "44156": "gentry", "44157": "creds", "44158": "eggnog", "44159": "conch", "44160": "eyeball", "44161": "restarting", "44162": "cartilage", "44163": "contribution", "44164": "obamas", "44165": "confronted", "44166": "bronzer", "44167": "enzo", "44168": "16m", "44169": "motioning", "44170": "exemplary", "44171": "16k", "44172": "bassnectar", "44173": "goodshit", "44174": "hardworking", "44175": "lullaby", "44176": "jäger", "44177": "awesomely", "44178": "periscope", "44179": "lowly", "44180": "ether", "44181": "16s", "44182": "beetroot", "44183": "heeyyy", "44184": "targeting", "44185": "youuuuuuuuuuu", "44186": "three", "44187": "bengaluru", "44188": "topics", "44189": "threw", "44190": "gerry", "44191": "mushroom", "44192": "boardroom", "44193": "pringle", "44194": "tapping", "44195": "169", "44196": "164", "44197": "165", "44198": "166", "44199": "167", "44200": "160", "44201": "161", "44202": "162", "44203": "trumbo", "44204": "ayyee", "44205": "gracias", "44206": "sly", "44207": "reddish", "44208": "remakes", "44209": "slu", "44210": "originate", "44211": "slp", "44212": "economies", "44213": "slr", "44214": "sls", "44215": "cunting", "44216": "slo", "44217": "suppose", "44218": "itinerary", "44219": "nowt", "44220": "learnin", "44221": "murders", "44222": "employees", "44223": "slc", "44224": "spawn", "44225": "shiddddd", "44226": "alamak", "44227": "doha", "44228": "mexico", "44229": "carlson", "44230": "sushi", "44231": "nutter", "44232": "lorelai", "44233": "amour", "44234": "nutted", "44235": "seattle", "44236": "grown", "44237": "walkin", "44238": "growl", "44239": "🚢", "44240": "20m", "44241": "tucking", "44242": "hahas", "44243": "speculating", "44244": "potentially", "44245": "hahah", "44246": "vegetable", "44247": "goddamnit", "44248": "hahaa", "44249": "grows", "44250": "vivienne", "44251": "governors", "44252": "sacramento", "44253": "todayshow", "44254": "warden", "44255": "bloomberg", "44256": "akb", "44257": "bailee", "44258": "homeschooled", "44259": "overt", "44260": "overs", "44261": "overr", "44262": "thoughts", "44263": "kapil", "44264": "fuckboys", "44265": "smokey", "44266": "catalan", "44267": "lagann", "44268": "smokes", "44269": "smoker", "44270": "berate", "44271": "hahahhaah", "44272": "hydration", "44273": "akki", "44274": "qualities", "44275": "📶", "44276": "anchorman", "44277": "claims", "44278": "smoked", "44279": "akka", "44280": "pooping", "44281": "left", "44282": "jusr", "44283": "juss", "44284": "jinyoung", "44285": "just", "44286": "sentence", "44287": "warmest", "44288": "jusy", "44289": "unfair", "44290": "hillbilly", "44291": "shocked", "44292": "anders", "44293": "wafers", "44294": "nicolas", "44295": "candidate", "44296": "infinitely", "44297": "agile", "44298": "yeessss", "44299": "salamat", "44300": "affinity", "44301": "whazzaaaaaaap", "44302": "spasms", "44303": "glittery", "44304": "ills", "44305": "khedira", "44306": "vanessa", "44307": "babeee", "44308": "palutena", "44309": "amarillo", "44310": "bailey", "44311": "whichever", "44312": "bruuuh", "44313": "background", "44314": "dissin", "44315": "vanity", "44316": "frenchman", "44317": "foolery", "44318": "waddling", "44319": "manual", "44320": "hotttt", "44321": "lefties", "44322": "negan", "44323": "flabbergasted", "44324": "notorious", "44325": "overslept", "44326": "slating", "44327": "bets", "44328": "incidental", "44329": "", "44330": "formulas", "44331": "ryou", "44332": "🔍", "44333": "jaron", "44334": "therrien", "44335": "planetjedward", "44336": "revel", "44337": "paragraphs", "44338": "chromosomes", "44339": "marlin", "44340": "wooot", "44341": "dense", "44342": "207", "44343": "snapchatted", "44344": "206", "44345": "goddddd", "44346": "209", "44347": "okada", "44348": "🐷", "44349": "sys", "44350": "bola", "44351": "incidence", "44352": "bold", "44353": "gaara", "44354": "blackmail", "44355": "bolo", "44356": "winona", "44357": "sift", "44358": "bolt", "44359": "tartan", "44360": "tetris", "44361": "antony", "44362": "super", "44363": "supes", "44364": "tyres", "44365": "truelove", "44366": "commin", "44367": "commie", "44368": "lapis", "44369": "beta", "44370": "cadre", "44371": "warhammer", "44372": "tyree", "44373": "commit", "44374": "🇺", "44375": "sprites", "44376": "definetely", "44377": "rhyming", "44378": "22k", "44379": "mcguinness", "44380": "lied", "44381": "reaping", "44382": "tinkerbell", "44383": "liek", "44384": "lien", "44385": "", "44386": "lier", "44387": "lies", "44388": "erry", "44389": "normalize", "44390": "doctrine", "44391": "lieu", "44392": "armada", "44393": "errr", "44394": "insult", "44395": "lohan", "44396": "steamboat", "44397": "annoyance", "44398": "carrasco", "44399": "proxies", "44400": "sheeeesh", "44401": "liein", "44402": "amazingly", "44403": "approximate", "44404": "influencing", "44405": "uoeno", "44406": "queens", "44407": "talktalk", "44408": "bert", "44409": "goodmorninggg", "44410": "faring", "44411": "northridge", "44412": "secondhand", "44413": "offering", "44414": "bery", "44415": "bere", "44416": "berg", "44417": "229", "44418": "granger", "44419": "227", "44420": "blindness", "44421": "225", "44422": "bern", "44423": "223", "44424": "atrocities", "44425": "221", "44426": "220", "44427": "laharl", "44428": "builds", "44429": "streaming", "44430": "goggle", "44431": "staged", "44432": "renovations", "44433": "🍸", "44434": "stages", "44435": "diagnose", "44436": "midfielders", "44437": "arnab", "44438": "toss", "44439": "covers", "44440": "vacate", "44441": "tosh", "44442": "floating", "44443": "unholy", "44444": "vista", "44445": "marxist", "44446": "lightstick", "44447": "tossing", "44448": "handed", "44449": "brianna", "44450": "tards", "44451": "marxism", "44452": "misinterpreted", "44453": "seager", "44454": "a10", "44455": "sling", "44456": "wanderlust", "44457": "snarky", "44458": "duckie", "44459": "sabres", "44460": "stoke", "44461": "pizzas", "44462": "unlocking", "44463": "weeeeee", "44464": "babysitting", "44465": "jones", "44466": "militias", "44467": "british_airways", "44468": "benders", "44469": "meps", "44470": "apology", "44471": "chrono", "44472": "daily", "44473": "premiums", "44474": "grownup", "44475": "pellets", "44476": "parcels", "44477": "flapjacks", "44478": "overdue", "44479": "maxing", "44480": "themed", "44481": "dwyane", "44482": "bombed", "44483": "themes", "44484": "yapping", "44485": "💓", "44486": "mile", "44487": "mila", "44488": "milo", "44489": "mill", "44490": "bomber", "44491": "sega", "44492": "milk", "44493": "mili", "44494": "jiji", "44495": "solihull", "44496": "suicide", "44497": "praises", "44498": "flaherty", "44499": "boke", "44500": "scribble", "44501": "crazyyyyy", "44502": "technique", "44503": "disgusting", "44504": "welcomeee", "44505": "amaze", "44506": "finally", "44507": "praised", "44508": "hahs", "44509": "lils", "44510": "🎽", "44511": "innit", "44512": "inciting", "44513": "apeshit", "44514": "lumineers", "44515": "figment", "44516": "sappy", "44517": "uneventful", "44518": "airfare", "44519": "bartender", "44520": "twinz", "44521": "pious", "44522": "governments", "44523": "dil", "44524": "dim", "44525": "din", "44526": "dio", "44527": "nectar", "44528": "limes", "44529": "did", "44530": "die", "44531": "dif", "44532": "dig", "44533": "dia", "44534": "prob", "44535": "specials", "44536": "dix", "44537": "diy", "44538": "diz", "44539": "dit", "44540": "div", "44541": "dip", "44542": "dir", "44543": "dis", "44544": "vocation", "44545": "ville", "44546": "villa", "44547": "seasoning", "44548": "sneakily", "44549": "refusing", "44550": "stamford", "44551": "bobcat", "44552": "120k", "44553": "bacterial", "44554": "afghanistan", "44555": "nialls", "44556": "buncha", "44557": "favour", "44558": "crazzy", "44559": "dishonored", "44560": "sequitur", "44561": "drunkard", "44562": "pedophiles", "44563": "ummmm", "44564": "bookshelves", "44565": "😿", "44566": "ineed", "44567": "proclaiming", "44568": "wain", "44569": "wail", "44570": "bloke", "44571": "guardian", "44572": "clerk", "44573": "univision", "44574": "stallion", "44575": "french", "44576": "travolta", "44577": "bighit", "44578": "rdio", "44579": "elses", "44580": "decipher", "44581": "monies", "44582": "earthquake", "44583": "wait", "44584": "alto", "44585": "onside", "44586": "canadian", "44587": "institute", "44588": "goodevening", "44589": "thrashed", "44590": "16gb", "44591": "arjun", "44592": "othello", "44593": "nylon", "44594": "minecraft", "44595": "massage", "44596": "breathtaking", "44597": "useful", "44598": "krillin", "44599": "iunno", "44600": "mercer", "44601": "anni", "44602": "jumpa", "44603": "flexibility", "44604": "radiance", "44605": "lamppost", "44606": "licensing", "44607": "morrisons", "44608": "everybody", "44609": "saddd", "44610": "oohhhh", "44611": "franco", "44612": "sharper", "44613": "perk", "44614": "peri", "44615": "pero", "44616": "perm", "44617": "france", "44618": "mawning", "44619": "creamy", "44620": "△", "44621": "perp", "44622": "emptiness", "44623": "perv", "44624": "peru", "44625": "flaunting", "44626": "krystal", "44627": "sharpen", "44628": "creams", "44629": "checkout", "44630": "tmrrw", "44631": "sharing", "44632": "malas", "44633": "beholder", "44634": "phillies", "44635": "malay", "44636": "mouthing", "44637": "downtown", "44638": "downing", "44639": "amelia", "44640": "slurping", "44641": "amelie", "44642": "fly", "44643": "kisuke", "44644": "eeeeek", "44645": "armpits", "44646": "deformed", "44647": "avoiding", "44648": "fuckingg", "44649": "flu", "44650": "soul", "44651": "ult", "44652": "soup", "44653": "sous", "44654": "sour", "44655": "tomorrowww", "44656": "presto", "44657": "flo", "44658": "fla", "44659": "arrive", "44660": "bites", "44661": "biter", "44662": "gooby", "44663": "claim", "44664": "portals", "44665": "uruguay", "44666": "predict", "44667": "cantonese", "44668": "agent", "44669": "drawer", "44670": "shorting", "44671": "arghhhh", "44672": "beverley", "44673": "wayyyy", "44674": "nyx", "44675": "nyy", "44676": "annd", "44677": "nyr", "44678": "oslo", "44679": "nyt", "44680": "nyu", "44681": "nyj", "44682": "nyk", "44683": "thid", "44684": "nyo", "44685": "nyc", "44686": "nighters", "44687": "nya", "44688": "idid", "44689": "gey", "44690": "nyd", "44691": "nye", "44692": "inputs", "44693": "staying", "44694": "critics", "44695": "accessory", "44696": "shitface", "44697": "aisles", "44698": "autocorrects", "44699": "rickey", "44700": "pressuring", "44701": "congratssss", "44702": "omen", "44703": "6th", "44704": "borrowing", "44705": "unimportant", "44706": "q", "44707": "switch", "44708": "hailed", "44709": "african", "44710": "hassan", "44711": "omer", "44712": "sumner", "44713": "druggies", "44714": "cutoff", "44715": "gradual", "44716": "seizing", "44717": "argues", "44718": "argued", "44719": "irene", "44720": "thank", "44721": "mais", "44722": "😨", "44723": "thane", "44724": "bellevue", "44725": "yorkshire", "44726": "maid", "44727": "coaching", "44728": "maia", "44729": "blends", "44730": "thanx", "44731": "tweets", "44732": "ours", "44733": "o_____o", "44734": "main", "44735": "thanq", "44736": "misbah", "44737": "truest", "44738": "views", "44739": "kkt", "44740": "bein", "44741": "sarcastic", "44742": "kkr", "44743": "minuet", "44744": "kanina", "44745": "cutely", "44746": "masterful", "44747": "tomfoolery", "44748": "developments", "44749": "possess", "44750": "outweigh", "44751": "accomodation", "44752": "flexi", "44753": "proteins", "44754": "crypto", "44755": "redraw", "44756": "liberating", "44757": "colossus", "44758": "trinna", "44759": "profiling", "44760": "abnormal", "44761": "thankkk", "44762": "gruden", "44763": "giro", "44764": "girl", "44765": "requesting", "44766": "spiking", "44767": "living", "44768": "resilience", "44769": "transforming", "44770": "stefani", "44771": "entitlements", "44772": "sikit", "44773": "dominate", "44774": "montoya", "44775": "correct", "44776": "yurp", "44777": "pumping", "44778": "spies", "44779": "california", "44780": "yuri", "44781": "severus", "44782": "uhhhhhhhh", "44783": "yura", "44784": "forbids", "44785": "eurogamer", "44786": "indomie", "44787": "ministry", "44788": "standby", "44789": "wurk", "44790": "blks", "44791": "pepperoni", "44792": "loretta", "44793": "yest", "44794": "yess", "44795": "anointed", "44796": "lyons", "44797": "americana", "44798": "americano", "44799": "nativity", "44800": "outbursts", "44801": "americans", "44802": "357", "44803": "zindagi", "44804": "extrovert", "44805": "", "44806": "discharged", "44807": "pharah", "44808": "thoughtless", "44809": "personalities", "44810": "khush", "44811": "warlords", "44812": "meaningful", "44813": "slept", "44814": "immortals", "44815": "nipped", "44816": "escort", "44817": "sonnn", "44818": "mining", "44819": "foreplay", "44820": "loneliest", "44821": "blacklist", "44822": "hillary", "44823": "sequels", "44824": "tourny", "44825": "undoubtedly", "44826": "21k", "44827": "🔑", "44828": " ̄", "44829": "inhabit", "44830": "11m", "44831": "greer", "44832": "mutilation", "44833": "protected", "44834": "thickens", "44835": "stockport", "44836": "moneyyyy", "44837": "declares", "44838": "lawddd", "44839": "seam", "44840": "mountains", "44841": "piccolo", "44842": "dass", "44843": "wowow", "44844": "voices", "44845": "dash", "44846": "winding", "44847": "ahahhahaha", "44848": "spectacle", "44849": "voiced", "44850": "occupied", "44851": "ayesha", "44852": "clung", "44853": "advil", "44854": "💪", "44855": "upgrading", "44856": "middletown", "44857": "canton", "44858": "zarya", "44859": "cantor", "44860": "chiller", "44861": "ibuki", "44862": "cooing", "44863": "channel", "44864": "iwe", "44865": "norman", "44866": "trace", "44867": "normal", "44868": "track", "44869": "traci", "44870": "ambulance", "44871": "sankeys", "44872": "blackest", "44873": "jitt", "44874": "purty", "44875": "nadine", "44876": "samus", "44877": "supremely", "44878": "tracy", "44879": "tlkn", "44880": "hardships", "44881": "wagwan", "44882": "especially", "44883": "surprising", "44884": "aisha", "44885": "gracefully", "44886": "⏰", "44887": "rolando", "44888": "facecam", "44889": "precise", "44890": "medalist", "44891": "familia", "44892": "certification", "44893": "waggles", "44894": "̊", "44895": "moderator", "44896": "aventura", "44897": "therapist", "44898": "mazing", "44899": "dylann", "44900": "11k", "44901": "flapjack", "44902": "gti", "44903": "brownskin", "44904": "devote", "44905": "cheeseburger", "44906": "soliciting", "44907": "frameworks", "44908": "impunity", "44909": "incredulous", "44910": "fanta", "44911": "roadkill", "44912": "physco", "44913": "ranking", "44914": "merked", "44915": "muni", "44916": "hostage", "44917": "merkel", "44918": "designated", "44919": "muna", "44920": "milkshakes", "44921": "ramadan", "44922": "repo", "44923": "killers", "44924": "hippy", "44925": "nize", "44926": "conjunction", "44927": "dianna", "44928": "mattis", "44929": "dianne", "44930": "keyboards", "44931": "busiest", "44932": "median", "44933": "pascal", "44934": "yield", "44935": "threading", "44936": "mattie", "44937": "stupid", "44938": "podolski", "44939": "finishing", "44940": "bachata", "44941": "affordable", "44942": "lyft", "44943": "cologne", "44944": "lyfe", "44945": "🌕", "44946": "kermit", "44947": "hereford", "44948": "pebble", "44949": "bilbao", "44950": "gags", "44951": "breathin", "44952": "forecast", "44953": "gage", "44954": "gaga", "44955": "vanna", "44956": "abundant", "44957": "gago", "44958": "moaned", "44959": "loonies", "44960": "whispered", "44961": "parent", "44962": "kool", "44963": "piccadilly", "44964": "pained", "44965": "unlv", "44966": "unli", "44967": "whisperer", "44968": "xbone", "44969": "singers", "44970": "childbirth", "44971": "dbsk", "44972": "sophmore", "44973": "trader", "44974": "trades", "44975": "meeeeeeee", "44976": "dedicate", "44977": "patrons", "44978": "remake", "44979": "delirium", "44980": "ignant", "44981": "traded", "44982": "breakfasts", "44983": "grindr", "44984": "stretches", "44985": "stretcher", "44986": "okieee", "44987": "hangry", "44988": "venues", "44989": "kiara", "44990": "maintained", "44991": "grants", "44992": "arcades", "44993": "stretched", "44994": "ladbrokes", "44995": "associated", "44996": "prasad", "44997": "disciplinary", "44998": "zooey", "44999": "mare", "45000": "unusual", "45001": "marg", "45002": "underworld", "45003": "mara", "45004": "marc", "45005": "encryption", "45006": "mari", "45007": "undertake", "45008": "mark", "45009": "mart", "45010": "maru", "45011": "marv", "45012": "marq", "45013": "marr", "45014": "mars", "45015": "marx", "45016": "mary", "45017": "motivations", "45018": "shopping", "45019": "cobain", "45020": "income", "45021": "measles", "45022": "indulgence", "45023": "gander", "45024": "biblethump", "45025": "gripped", "45026": "hatin", "45027": "griping", "45028": "stacked", "45029": "hdr", "45030": "turtles", "45031": "issac", "45032": "slumber", "45033": "sobbed", "45034": "meow", "45035": "profiles", "45036": "fuckem", "45037": "warning", "45038": "hattie", "45039": "heyhey", "45040": "profiled", "45041": "philosophies", "45042": "shidd", "45043": "kindergarden", "45044": "bathrooms", "45045": "omfgggggg", "45046": "lakeshore", "45047": "characteristics", "45048": "rammed", "45049": "sprained", "45050": "cluster", "45051": "dangerously", "45052": "nigggas", "45053": "scavenger", "45054": "restroom", "45055": "everyday", "45056": "movements", "45057": "pap", "45058": "bags", "45059": "oilers", "45060": "pas", "45061": "pat", "45062": "harsh", "45063": "pav", "45064": "doctor", "45065": "pax", "45066": "pay", "45067": "edwin", "45068": "sketchy", "45069": "layla", "45070": "paa", "45071": "cabot", "45072": "heartbreak", "45073": "pad", "45074": "pag", "45075": "pah", "45076": "pai", "45077": "struggling", "45078": "pak", "45079": "pal", "45080": "pam", "45081": "pan", "45082": "pao", "45083": "exhaust", "45084": "hahahhahaa", "45085": "peepee", "45086": "hahahhahah", "45087": "voss", "45088": "seagulls", "45089": "maddddd", "45090": "running", "45091": "scorned", "45092": "stairwell", "45093": "improv", "45094": "lemon", "45095": "pradesh", "45096": "harlan", "45097": "markus", "45098": "freshmans", "45099": "spoonful", "45100": "bottle", "45101": "xddddd", "45102": "haina", "45103": "lysol", "45104": "gates", "45105": "clogging", "45106": "manwhore", "45107": "dehydration", "45108": "aspect", "45109": "gwaf", "45110": "comeon", "45111": "gwan", "45112": "ketamine", "45113": "sarkodie", "45114": "perty", "45115": "wonwoo", "45116": "mcdonald", "45117": "emmmm", "45118": "beagle", "45119": "crocodiles", "45120": "gre", "45121": "perth", "45122": "grating", "45123": "extensive", "45124": "pegs", "45125": "careers", "45126": "borat", "45127": "moz", "45128": "underaged", "45129": "mos", "45130": "mor", "45131": "mop", "45132": "mow", "45133": "mov", "45134": "mou", "45135": "mot", "45136": "gwinnett", "45137": "moi", "45138": "simmons", "45139": "moo", "45140": "mon", "45141": "mom", "45142": "mol", "45143": "mob", "45144": "railroad", "45145": "aiming", "45146": "disappointed", "45147": "trestman", "45148": "moe", "45149": "mod", "45150": "maaaaaaan", "45151": "gossips", "45152": "brough", "45153": "lightning", "45154": "miraculous", "45155": "laughing", "45156": "retailers", "45157": "👼", "45158": "broadchurch", "45159": "fulfil", "45160": "jews", "45161": "dooooooo", "45162": "imprisonment", "45163": "madting", "45164": "shain", "45165": "tatoo", "45166": "gotchya", "45167": "organizing", "45168": "octane", "45169": "pichu", "45170": "fondue", "45171": "fluids", "45172": "critical", "45173": "expressing", "45174": "aussie", "45175": "abercrombie", "45176": "doggy", "45177": "misbehave", "45178": "measuring", "45179": "veryyyy", "45180": "skeet", "45181": "airways", "45182": "manufactured", "45183": "jennings", "45184": "shittttttt", "45185": "jennette", "45186": "despicable", "45187": "acutally", "45188": "lmaoooooooooooo", "45189": "guillotine", "45190": "strangled", "45191": "manufacturer", "45192": "mcdaniel", "45193": "conducting", "45194": "preoccupied", "45195": "crabtree", "45196": "hicks", "45197": "roar", "45198": "violence", "45199": "practical", "45200": "airline", "45201": "roam", "45202": "sadistic", "45203": "threesome", "45204": "road", "45205": "whitey", "45206": "shoplifting", "45207": "whites", "45208": "whiter", "45209": "spreading", "45210": "auschwitz", "45211": "crossfire", "45212": "empress", "45213": "gazed", "45214": "uptown", "45215": "dingers", "45216": "wildfire", "45217": "gunfight", "45218": "🤤", "45219": "slurpee", "45220": "dembele", "45221": "styling", "45222": "ymas", "45223": "decode", "45224": "compliant", "45225": "elbowing", "45226": "downey", "45227": "blueskyal", "45228": "decisive", "45229": "hysterical", "45230": "downer", "45231": "chats", "45232": "trey", "45233": "bettering", "45234": "deepened", "45235": "stereotyped", "45236": "chatt", "45237": "gory", "45238": "waterstones", "45239": "tripod", "45240": "sunway", "45241": "shawns", "45242": "keira", "45243": "gore", "45244": "gorg", "45245": "corse", "45246": "refurb", "45247": "gorl", "45248": "corsa", "45249": "simran", "45250": "flamboyant", "45251": "harvick", "45252": "doobie", "45253": "3pts", "45254": "adriana", "45255": "dubbing", "45256": "adriano", "45257": "affection", "45258": "houseofcards", "45259": "cuzzzz", "45260": "celestial", "45261": "pbuh", "45262": "lelouch", "45263": "wwwbigbaldhead", "45264": "fellow", "45265": "😑", "45266": "chalet", "45267": "geeee", "45268": "melatonin", "45269": "hound", "45270": "cables", "45271": "nigggaaaa", "45272": "slicked", "45273": "departs", "45274": "cleanup", "45275": "astronaut", "45276": "zaynmalik", "45277": "aiko", "45278": "rollerblading", "45279": "voxer", "45280": "alhamdulilah", "45281": "outfield", "45282": "pukes", "45283": "uglyyy", "45284": "keepin", "45285": "diablo", "45286": "mfers", "45287": "dunked", "45288": "puked", "45289": "guildford", "45290": "awkwardly", "45291": "waka", "45292": "nasi", "45293": "unload", "45294": "casts", "45295": "sicky", "45296": "unsee", "45297": "boogeyman", "45298": "authoritative", "45299": "boone", "45300": "sickk", "45301": "upperclassmen", "45302": "resolution", "45303": "ginamarie", "45304": "caste", "45305": "💃", "45306": "shazam", "45307": "forget", "45308": "justinformmva", "45309": "uniteblue", "45310": "forty", "45311": "wexford", "45312": "forged", "45313": "children", "45314": "liquorice", "45315": "🎭", "45316": "sooners", "45317": "issued", "45318": "dailymotion", "45319": "mornin", "45320": "premium", "45321": "parcel", "45322": "straightforward", "45323": "dawggg", "45324": "mornig", "45325": "translations", "45326": "icant", "45327": "moncton", "45328": "syracuse", "45329": "upppp", "45330": "trippin", "45331": "braces", "45332": "stamos", "45333": "hyd", "45334": "hye", "45335": "oneal", "45336": "suttin", "45337": "woahhhh", "45338": "wsh", "45339": "celebrity", "45340": "wsj", "45341": "hyl", "45342": "worded", "45343": "hyo", "45344": "zarry", "45345": "wss", "45346": "wsu", "45347": "hyu", "45348": "wsw", "45349": "biological", "45350": "earbuds", "45351": "embarrasing", "45352": "exemptions", "45353": "neighborhood", "45354": "burger", "45355": "wooooow", "45356": "quebec", "45357": "deact", "45358": "loftus", "45359": "further", "45360": "ribbon", "45361": "aba", "45362": "dial", "45363": "abc", "45364": "abd", "45365": "opted", "45366": "walang", "45367": "abg", "45368": "ohno", "45369": "abi", "45370": "abj", "45371": "hahahahahahahahahahaha", "45372": "usin", "45373": "😯", "45374": "abo", "45375": "abq", "45376": "abs", "45377": "diaz", "45378": "abu", "45379": "abv", "45380": "garth", "45381": "shuffling", "45382": "tribute", "45383": "plush", "45384": "movement", "45385": "tattoos", "45386": "yaaaaay", "45387": "1100", "45388": "ranged", "45389": "twang", "45390": "loveya", "45391": "gamecock", "45392": "yaaaaas", "45393": "ranges", "45394": "coco", "45395": "disastrous", "45396": "hanzo", "45397": "investigating", "45398": "toblerone", "45399": "suuuuure", "45400": "yaaaaaa", "45401": "supergirl", "45402": "publishes", "45403": "publisher", "45404": "speeches", "45405": "generalizing", "45406": "leveling", "45407": "nth", "45408": "novella", "45409": "stretching", "45410": "likin", "45411": "scurry", "45412": "ropey", "45413": "goalkeeping", "45414": "chipper", "45415": "david_cameron", "45416": "published", "45417": "justkidding", "45418": "toxicity", "45419": "brielle", "45420": "skids", "45421": "authorize", "45422": "peering", "45423": "lambrini", "45424": "buses", "45425": "clapping", "45426": "deathmatch", "45427": "jailbreak", "45428": "busey", "45429": "4the", "45430": "rollover", "45431": "huzzah", "45432": "ntc", "45433": "djax", "45434": "nothings", "45435": "levine", "45436": "distinct", "45437": "destination", "45438": "nothingg", "45439": "knooww", "45440": "megaphone", "45441": "anyting", "45442": "diamond", "45443": "staggering", "45444": "celia", "45445": "macomb", "45446": "asheville", "45447": "squeazy", "45448": "particular", "45449": "nineteen", "45450": "ifunny", "45451": "jdm", "45452": "willfully", "45453": "tuan", "45454": "oshie", "45455": "aboot", "45456": "unwritten", "45457": "atari", "45458": "jds", "45459": "shari", "45460": "shark", "45461": "hamburger", "45462": "stacking", "45463": "pkmn", "45464": "prods", "45465": "share", "45466": "shard", "45467": "hughie", "45468": "lolol", "45469": "kagome", "45470": "chimera", "45471": "weee", "45472": "sharp", "45473": "shart", "45474": "eeep", "45475": "ryo", "45476": "siren", "45477": "csn", "45478": "csi", "45479": "csk", "45480": "rye", "45481": "csa", "45482": "csu", "45483": "cst", "45484": "ryt", "45485": "ryu", "45486": "css", "45487": "csr", "45488": "bryana", "45489": "frilly", "45490": "crowdfunding", "45491": "frills", "45492": "engineered", "45493": "salaam", "45494": "ebron", "45495": "response", "45496": "bleak", "45497": "hedgehogs", "45498": "lollol", "45499": "orchard", "45500": "tweeting", "45501": "eats", "45502": "bathed", "45503": "coutinho", "45504": "eatn", "45505": "lmfaooooo", "45506": "jalapeño", "45507": "kushal", "45508": "infant", "45509": "rounded", "45510": "kryssie", "45511": "swamped", "45512": "woodland", "45513": "piñata", "45514": "pokestops", "45515": "rounder", "45516": "wolverhampton", "45517": "muriel", "45518": "delectable", "45519": "😘", "45520": "arrogant", "45521": "lonestar", "45522": "™", "45523": "possessions", "45524": "shenmue", "45525": "vapes", "45526": "thnx", "45527": "real_liam_payne", "45528": "detected", "45529": "eeek", "45530": "btfol", "45531": "thnk", "45532": "balor", "45533": "crawls", "45534": "arguments", "45535": "lookout", "45536": "goof", "45537": "hurting", "45538": "good", "45539": "goob", "45540": "gooo", "45541": "goon", "45542": "traore", "45543": "gook", "45544": "detour", "45545": "oka", "45546": "okc", "45547": "grubby", "45548": "oke", "45549": "goop", "45550": "oki", "45551": "okk", "45552": "videoing", "45553": "easily", "45554": "robbie", "45555": "pregnant", "45556": "robbin", "45557": "porta", "45558": "exiled", "45559": "clowned", "45560": "biscuits", "45561": "ports", "45562": "bettter", "45563": "callum", "45564": "mental", "45565": "house", "45566": "mentab", "45567": "monks", "45568": "wiggling", "45569": "countrymen", "45570": "connect", "45571": "ripple", "45572": "backpacks", "45573": "🇱", "45574": "lovers", "45575": "quincy", "45576": "acting", "45577": "macey", "45578": "quince", "45579": "learners", "45580": "flexes", "45581": "bully", "45582": "casillas", "45583": "commits", "45584": "bulls", "45585": "geared", "45586": "difficulty", "45587": "terminals", "45588": "giveaway", "45589": "dorsey", "45590": "dorset", "45591": "squishes", "45592": "devilishly", "45593": "benefits", "45594": "prophet", "45595": "finland", "45596": "sainsbury", "45597": "pilots", "45598": "topman", "45599": "mistakenly", "45600": "punya", "45601": "disregarded", "45602": "instances", "45603": "cade", "45604": "flacco", "45605": "cups", "45606": "killin", "45607": "elba", "45608": "indulgent", "45609": "killie", "45610": "divorce", "45611": "chan", "45612": "smoother", "45613": "commissioning", "45614": "loveyoutoo", "45615": "statement", "45616": "dumbass", "45617": "bumble", "45618": "muscles", "45619": "procession", "45620": "ruffling", "45621": "slappin", "45622": "favorable", "45623": "samesies", "45624": "qld", "45625": "diouf", "45626": "fgcu", "45627": "peaked", "45628": "mclaughlin", "45629": "horizons", "45630": "gotten", "45631": "gottem", "45632": "866", "45633": "youth", "45634": "owie", "45635": "contrary", "45636": "_______", "45637": "treated", "45638": "outta", "45639": "preying", "45640": "ages", "45641": "wellington", "45642": "outtt", "45643": "awrite", "45644": "sciatica", "45645": "reinhart", "45646": "meltdown", "45647": "💚", "45648": "fading", "45649": "backseat", "45650": "iight", "45651": "mountain", "45652": "cardigan", "45653": "built", "45654": "shelby", "45655": "rukia", "45656": "pinkie", "45657": "ღゝ", "45658": "cfs", "45659": "build", "45660": "gosling", "45661": "crapping", "45662": "byeee", "45663": "flute", "45664": "alrdy", "45665": "daphne", "45666": "eskimo", "45667": "engagements", "45668": "refrigerator", "45669": "southampton", "45670": "chested", "45671": "nubs", "45672": "bustin", "45673": "organise", "45674": "chester", "45675": "bitchesss", "45676": "organism", "45677": "procreate", "45678": "joining", "45679": "carnt", "45680": "particularly", "45681": "blushy", "45682": "truther", "45683": "obligations", "45684": "fins", "45685": "hopper", "45686": "hugging", "45687": "carne", "45688": "sop", "45689": "fink", "45690": "animu", "45691": "relation", "45692": "ootd", "45693": "finn", "45694": "fina", "45695": "hopped", "45696": "fine", "45697": "find", "45698": "fing", "45699": "muuuuch", "45700": "degeneres", "45701": "giant", "45702": "depended", "45703": "dividing", "45704": "fullerton", "45705": "convoluted", "45706": "marathons", "45707": "jilly", "45708": "boulder", "45709": "bebe", "45710": "villian", "45711": "weve", "45712": "headmaster", "45713": "chrom", "45714": "dealin", "45715": "◡", "45716": "resolve", "45717": "homeslice", "45718": "kissable", "45719": "bet", "45720": "unexplainable", "45721": "orcs", "45722": "brookes", "45723": "coughs", "45724": "mayward", "45725": "redefined", "45726": "watever", "45727": "bebo", "45728": "orca", "45729": "oooooooooo", "45730": "mercs", "45731": "🌅", "45732": "vino", "45733": "devils", "45734": "vibin", "45735": "vine", "45736": "awhhhh", "45737": "leslie", "45738": "medley", "45739": "surrendered", "45740": "11th", "45741": "xfinity", "45742": "desires", "45743": "tamales", "45744": "visiting", "45745": "inshallah", "45746": "please", "45747": "accha", "45748": "smallest", "45749": "multiples", "45750": "sinuses", "45751": "donate", "45752": "drury", "45753": "whl", "45754": "responses", "45755": "brynn", "45756": "absorbs", "45757": "4gb", "45758": "aircraft", "45759": "marilyn", "45760": "breakups", "45761": "cubes", "45762": "sohee", "45763": "tipping", "45764": "annual", "45765": "kobebryant", "45766": "mathias", "45767": "oovoo", "45768": "unstanning", "45769": "afar", "45770": "asos", "45771": "upgraded", "45772": "lucho", "45773": "consume", "45774": "eat24", "45775": "lucha", "45776": "hashtagging", "45777": "lulz", "45778": "dobby", "45779": "unsuccessful", "45780": "volunteered", "45781": "headaches", "45782": "mikes", "45783": "raise", "45784": "tgif", "45785": "trilogy", "45786": "elektra", "45787": "mikey", "45788": "pile", "45789": "mikel", "45790": "meeting", "45791": "tgis", "45792": "ansari", "45793": "ukraine", "45794": "cyborg", "45795": "swooning", "45796": "colourpop", "45797": "ignis", "45798": "coventry", "45799": "holocaust", "45800": "suho", "45801": "antman", "45802": "vroom", "45803": "lull", "45804": "birthright", "45805": "metre", "45806": "imperialist", "45807": "▪", "45808": "itself", "45809": "yato", "45810": "finalists", "45811": "southpark", "45812": "r4today", "45813": "ewh", "45814": "pyjamas", "45815": "zulu", "45816": "seduce", "45817": "swimmin", "45818": "🔫", "45819": "some1", "45820": "ewe", "45821": "puig", "45822": "basta", "45823": "ruth", "45824": "eww", "45825": "neutron", "45826": "dhabi", "45827": "🏄", "45828": "snappin", "45829": "eels", "45830": "keys", "45831": "leopard", "45832": "yesterday", "45833": "flurry", "45834": "staycation", "45835": "wheelchairs", "45836": "netflixuk", "45837": "deepak", "45838": "beanie", "45839": "finesse", "45840": "dystopian", "45841": "werewolf", "45842": "somet", "45843": "ypu", "45844": "flags", "45845": "somee", "45846": "organization", "45847": "alluring", "45848": "eung", "45849": "ludicrous", "45850": "backflip", "45851": "fundamentalists", "45852": "asdfghjkl", "45853": "scrooge", "45854": "bueller", "45855": "jumpsuit", "45856": "icelandic", "45857": "gril", "45858": "deputy", "45859": "calibre", "45860": "snag", "45861": "dixon", "45862": "snap", "45863": "theflash", "45864": "ridiculously", "45865": "bio", "45866": "bil", "45867": "shoved", "45868": "bij", "45869": "bih", "45870": "inkigayo", "45871": "big", "45872": "bid", "45873": "bie", "45874": "mins", "45875": "bic", "45876": "bia", "45877": "redeem", "45878": "acquainted", "45879": "biz", "45880": "narcissist", "45881": "bit", "45882": "bis", "45883": "qwq", "45884": "scaled", "45885": "calypso", "45886": "cognitive", "45887": "lieeee", "45888": "follows", "45889": "ppi", "45890": "miffed", "45891": "👬", "45892": "fagot", "45893": "bahah", "45894": "goh", "45895": "❶", "45896": "google", "45897": "often", "45898": "wengers", "45899": "extremism", "45900": "lodging", "45901": "magnificent", "45902": "extremist", "45903": "strongest", "45904": "insincere", "45905": "accelerate", "45906": "ehhh", "45907": "ourselves", "45908": "ligue", "45909": "⚠", "45910": "reruns", "45911": "contacts", "45912": "bball", "45913": "affects", "45914": "whomp", "45915": "saas", "45916": "newark", "45917": "solidified", "45918": "eliminate", "45919": "scalp", "45920": "melly", "45921": "fisting", "45922": "saad", "45923": "saab", "45924": "endeavor", "45925": "amazin", "45926": "🛀", "45927": "cashless", "45928": "mnwild", "45929": "feg", "45930": "remembered", "45931": "bankroll", "45932": "continuing", "45933": "costumes", "45934": "blockbusters", "45935": "restrictive", "45936": "fee", "45937": "maddy", "45938": "hostages", "45939": "feb", "45940": "loveeeee", "45941": "tripping", "45942": "morra", "45943": "gerd", "45944": "piles", "45945": "klitschko", "45946": "fea", "45947": "graduation", "45948": "setlist", "45949": "drama", "45950": "piled", "45951": "belting", "45952": "catnip", "45953": "hahahaa", "45954": "doodle", "45955": "crass", "45956": "pmln", "45957": "unfollows", "45958": "daisies", "45959": "pollution", "45960": "ppl", "45961": "waltz", "45962": "geri", "45963": "happ", "45964": "haps", "45965": "beatdown", "45966": "aliens", "45967": "hapy", "45968": "invading", "45969": "damnnnnn", "45970": "feh", "45971": "kanata", "45972": "proportional", "45973": "xian", "45974": "fei", "45975": "hapi", "45976": "downhill", "45977": "delusional", "45978": "bankruptcy", "45979": "wrng", "45980": "kirsty", "45981": "gers", "45982": "tigger", "45983": "usu", "45984": "errand", "45985": "moulin", "45986": "pronunciation", "45987": "handbook", "45988": "lexis", "45989": "xiao", "45990": "scariest", "45991": "keating", "45992": "trollin", "45993": "mahomies", "45994": "naah", "45995": "sleepers", "45996": "hoped", "45997": "serie", "45998": "hopes", "45999": "serio", "46000": "sdk", "46001": "directed", "46002": "originals", "46003": "mavericks", "46004": "yugyeom", "46005": "clips", "46006": "autonomous", "46007": "😁", "46008": "sort", "46009": "funimation", "46010": "expedition", "46011": "lyd", "46012": "lye", "46013": "kkkkk", "46014": "iniesta", "46015": "pasture", "46016": "lyn", "46017": "dragging", "46018": "mbdtf", "46019": "nazism", "46020": "lyk", "46021": "arsene", "46022": "%", "46023": "hmhm", "46024": "humanities", "46025": "truuu", "46026": "200k", "46027": "gainesville", "46028": "bubblegum", "46029": "200m", "46030": "dungarees", "46031": "truue", "46032": "irreplaceable", "46033": "finley", "46034": "icarus", "46035": "lena", "46036": "papi", "46037": "accidental", "46038": "lend", "46039": "favourite", "46040": "heir", "46041": "papa", "46042": "liners", "46043": "amended", "46044": "lens", "46045": "greenville", "46046": "columbo", "46047": "lent", "46048": "hanson", "46049": "hansol", "46050": "desert", "46051": "paps", "46052": "uhhhhh", "46053": "muthafucking", "46054": "empathetic", "46055": "vehicles", "46056": "shawols", "46057": "2002", "46058": "2003", "46059": "2000", "46060": "2001", "46061": "2006", "46062": "2007", "46063": "2004", "46064": "2005", "46065": "sallie", "46066": "failures", "46067": "2008", "46068": "2009", "46069": "rinse", "46070": "thereeee", "46071": "aguilera", "46072": "lotto", "46073": "jason", "46074": "iraqi", "46075": "restraining", "46076": "birthdayyy", "46077": "zoey", "46078": "brochure", "46079": "yallah", "46080": "intricate", "46081": "grays", "46082": "westwood", "46083": "sgdq", "46084": "500th", "46085": "lille", "46086": "deepthroat", "46087": "paxman", "46088": "bithday", "46089": "mower", "46090": "intensive", "46091": "goy", "46092": "bruhh", "46093": "blaze", "46094": "atlas", "46095": "mowed", "46096": "fatal", "46097": "staffing", "46098": "ingredient", "46099": "mouf", "46100": "xxxxxxxx", "46101": "unbeaten", "46102": "♔", "46103": "tiebreaker", "46104": "clemens", "46105": "infrared", "46106": "rght", "46107": "clement", "46108": "niallofficial", "46109": "arrange", "46110": "mesmerizing", "46111": "joel", "46112": "shock", "46113": "populist", "46114": "aizen", "46115": "joes", "46116": "populism", "46117": "comicon", "46118": "joey", "46119": "fawad", "46120": "orpik", "46121": "shrewsbury", "46122": "bleeding", "46123": "uncomfortably", "46124": "uncomfortable", "46125": "greatttt", "46126": "hemmings", "46127": "d4", "46128": "depression", "46129": "reconciliation", "46130": "anthea", "46131": "chicago", "46132": "anthem", "46133": "raincoat", "46134": "huawei", "46135": "zayne", "46136": "grimsby", "46137": "anther", "46138": "body", "46139": "sharks", "46140": "justification", "46141": "mews", "46142": "50th", "46143": "bergeron", "46144": "📈", "46145": "bods", "46146": "sins", "46147": "sinn", "46148": "ayyyyyyy", "46149": "sink", "46150": "others", "46151": "thanky", "46152": "sing", "46153": "sine", "46154": "bode", "46155": "irritating", "46156": "extreme", "46157": "hudl", "46158": "fondly", "46159": "cavill", "46160": "huda", "46161": "alaska", "46162": "contradiction", "46163": "garcon", "46164": "proof", "46165": "annabeth", "46166": "footballing", "46167": "presidents", "46168": "limp", "46169": "talon", "46170": "limo", "46171": "limb", "46172": "scandal", "46173": "lima", "46174": "neptunia", "46175": "🌜", "46176": "sermon", "46177": "lime", "46178": "clocking", "46179": "breakup", "46180": "beefed", "46181": "nobel", "46182": "cierra", "46183": "harrowing", "46184": "flaring", "46185": "corndogs", "46186": "mig", "46187": "845", "46188": "astoria", "46189": "payne", "46190": "32gb", "46191": "billed", "46192": "tearing", "46193": "cstat", "46194": "subscription", "46195": "britney", "46196": "tunnel", "46197": "gabriel", "46198": "cerberus", "46199": "🅰", "46200": "heaving", "46201": "crickets", "46202": "unpacking", "46203": "predecessor", "46204": "🐉", "46205": "imwithher", "46206": "boned", "46207": "", "46208": "boney", "46209": "vicious", "46210": "scarface", "46211": "fulfillment", "46212": "employs", "46213": "recklessly", "46214": "bones", "46215": "boner", "46216": "arnie", "46217": "overtly", "46218": "tan", "46219": "native", "46220": "gcc", "46221": "fanmeet", "46222": "dinners", "46223": "onions", "46224": "washin", "46225": "unbothered", "46226": "responsibilities", "46227": "attachment", "46228": "bicth", "46229": "fantasizing", "46230": "stock", "46231": "watery", "46232": "endorsements", "46233": "gammas", "46234": "gintama", "46235": "tribune", "46236": "lainey", "46237": "waters", "46238": "lmfaoo", "46239": "hussain", "46240": "multiplication", "46241": "creys", "46242": "cuddling", "46243": "protectively", "46244": "erza", "46245": "bombers", "46246": "lines", "46247": "liner", "46248": "offfff", "46249": "linen", "46250": "chief", "46251": "gundy", "46252": "🏾", "46253": "sacre", "46254": "galveston", "46255": "checkup", "46256": "futa", "46257": "eerily", "46258": "bilbo", "46259": "hadley", "46260": "macklemore", "46261": "themmm", "46262": "shreds", "46263": "austrian", "46264": "patronize", "46265": "onboard", "46266": "bridges", "46267": "negotiated", "46268": "bridget", "46269": "relativity", "46270": "ample", "46271": "labor", "46272": "eeww", "46273": "squatting", "46274": "spellings", "46275": "steyn", "46276": "ocare", "46277": "dq", "46278": "<", "46279": "dad", "46280": "dae", "46281": "🥂", "46282": "junction", "46283": "lunatic", "46284": "dab", "46285": "rebirth", "46286": "dal", "46287": "dam", "46288": "dan", "46289": "dao", "46290": "dah", "46291": "dai", "46292": "dak", "46293": "dat", "46294": "mention", "46295": "dav", "46296": "daw", "46297": "dap", "46298": "dar", "46299": "das", "46300": "insisting", "46301": "kindness", "46302": "dax", "46303": "day", "46304": "daz", "46305": "stunts", "46306": "verifying", "46307": "warned", "46308": "radiant", "46309": "slacked", "46310": "identified", "46311": "couldve", "46312": "thereee", "46313": "bromance", "46314": "25mins", "46315": "toke", "46316": "disregard", "46317": "wilde", "46318": "slacker", "46319": "uninteresting", "46320": "warner", "46321": "mejia", "46322": "activate", "46323": "lfc", "46324": "lolling", "46325": "dreaming", "46326": "whaddup", "46327": "slumped", "46328": "sweatshirt", "46329": "marley", "46330": "blesses", "46331": "await", "46332": "heifer", "46333": "empires", "46334": "waab", "46335": "waaa", "46336": "jerusalem", "46337": "waah", "46338": "waan", "46339": "waas", "46340": "disick", "46341": "potomac", "46342": "arkansas", "46343": "haywood", "46344": "lecture", "46345": "postpone", "46346": "grohl", "46347": "wincing", "46348": "affirming", "46349": "humanist", "46350": "harold", "46351": "coed", "46352": "lizzie", "46353": "piggies", "46354": "blackie", "46355": "lf1", "46356": "hazard", "46357": "lf2", "46358": "babysat", "46359": "crucifixion", "46360": "acre", "46361": "squadron", "46362": "bowman", "46363": "midi", "46364": "peeve", "46365": "explanations", "46366": "libertarianism", "46367": "perjury", "46368": "419", "46369": "binging", "46370": "qualification", "46371": "barriers", "46372": "seol", "46373": "uniqlo", "46374": "facilitate", "46375": "mids", "46376": "waitress", "46377": "madden", "46378": "franks", "46379": "pupper", "46380": "improvements", "46381": "puppet", "46382": "cici", "46383": "favouritism", "46384": "franky", "46385": "raggedy", "46386": "instill", "46387": "sassiness", "46388": "sadly", "46389": "laps", "46390": "chased", "46391": "elric", "46392": "premeditated", "46393": "palestine", "46394": "chaser", "46395": "chases", "46396": "natty", "46397": "patna", "46398": "negra", "46399": "georgetown", "46400": "dillard", "46401": "gear", "46402": "bluebird", "46403": "negro", "46404": "unending", "46405": "myfitnesspal", "46406": "lovee", "46407": "loved", "46408": "glamorous", "46409": "prune", "46410": "shelli", "46411": "loveu", "46412": "keito", "46413": "compensation", "46414": "loves", "46415": "lover", "46416": "doctorate", "46417": "lovey", "46418": "nuzzling", "46419": "sevilla", "46420": "curves", "46421": "seville", "46422": "✓", "46423": "nonfiction", "46424": "dictate", "46425": "curved", "46426": "dementia", "46427": "demonstration", "46428": "sayings", "46429": "haywire", "46430": "istg", "46431": "flotus", "46432": "banksy", "46433": "320", "46434": "321", "46435": "neeeeeeed", "46436": "325", "46437": "rediscovered", "46438": "masta", "46439": "omma", "46440": "unless", "46441": "smallville", "46442": "judgeme", "46443": "capone", "46444": "pausing", "46445": "topgear", "46446": "kitkat", "46447": "preliminary", "46448": "suprisingly", "46449": "sist", "46450": "ryte", "46451": "sophisticated", "46452": "herman", "46453": "siss", "46454": "thngs", "46455": "ibeen", "46456": "gather", "46457": "ballsack", "46458": "coheed", "46459": "hyphy", "46460": "capita", "46461": "ibo", "46462": "batgirl", "46463": "kita", "46464": "selection", "46465": "kite", "46466": "absorbing", "46467": "text", "46468": "whyyyyyyy", "46469": "pinhead", "46470": "kits", "46471": "rebuke", "46472": "naga", "46473": "portfolio", "46474": "ksu", "46475": "kst", "46476": "poofs", "46477": "madman", "46478": "overgrown", "46479": "roadtrip", "46480": "ksa", "46481": "oppressor", "46482": "ksi", "46483": "ksh", "46484": "fcs", "46485": "photographs", "46486": "exceptional", "46487": "beat", "46488": "beau", "46489": "photography", "46490": "🍊", "46491": "stripes", "46492": "bear", "46493": "yelps", "46494": "beam", "46495": "bean", "46496": "beak", "46497": "bead", "46498": "striped", "46499": "unauthorized", "46500": "cicero", "46501": "calling", "46502": "lukin", "46503": "hyukjae", "46504": "mascara", "46505": "tightening", "46506": "looks", "46507": "shapiro", "46508": "omission", "46509": "exists", "46510": "benton", "46511": "thankss", "46512": "outfielder", "46513": "suckssss", "46514": "yedlin", "46515": "phases", "46516": "turks", "46517": "clearing", "46518": "motown", "46519": "rowan", "46520": "routing", "46521": "thissss", "46522": "routine", "46523": "progress", "46524": "contaminated", "46525": "nudged", "46526": "janes", "46527": "janet", "46528": "linguistics", "46529": "janey", "46530": "vry", "46531": "nudges", "46532": "nightfall", "46533": "selena", "46534": "bussin", "46535": "royalmail", "46536": "45am", "46537": "memang", "46538": "moles", "46539": "moderators", "46540": "sexes", "46541": "highland", "46542": "otherwise", "46543": "vent", "46544": "invasive", "46545": "poyet", "46546": "disservice", "46547": "monstrosity", "46548": "mafia", "46549": "ellsworth", "46550": "watkins", "46551": "reenactment", "46552": "yoooooo", "46553": "tremendous", "46554": "bumblebee", "46555": "copies", "46556": "darren", "46557": "nellie", "46558": "tywin", "46559": "scherzer", "46560": "tyler", "46561": "hellish", "46562": "warwick", "46563": "upbeat", "46564": "copied", "46565": "outliers", "46566": "carpe", "46567": "define", "46568": "grantham", "46569": "inspecting", "46570": "altuve", "46571": "460", "46572": "ridden", "46573": "═", "46574": "cor", "46575": "kala", "46576": "kyrie", "46577": "angles", "46578": "notgood", "46579": "huehue", "46580": "blackouts", "46581": "homer", "46582": "homes", "46583": "plaid", "46584": "plain", "46585": "homey", "46586": "appearance", "46587": "hahahahahahah", "46588": "duhhh", "46589": "promotes", "46590": "psht", "46591": "freshie", "46592": "homee", "46593": "promoted", "46594": "handwriting", "46595": "hoagie", "46596": "wasssssup", "46597": "cereals", "46598": "planets", "46599": "helper", "46600": "orale", "46601": "linkedin", "46602": "", "46603": "ooooohhh", "46604": "tampered", "46605": "aggressiveness", "46606": "claimed", "46607": "carragher", "46608": "inspector", "46609": "fili", "46610": "starcraft", "46611": "begining", "46612": "absinthe", "46613": "juanita", "46614": "eliot", "46615": "landmarks", "46616": "administration", "46617": "lincecum", "46618": "stansted", "46619": "schenn", "46620": "finite", "46621": "frnds", "46622": "twelfth", "46623": "arigatou", "46624": "injured", "46625": "tighten", "46626": "yada", "46627": "moyes", "46628": "caters", "46629": "novels", "46630": "iow", "46631": "samantha", "46632": "ochocinco", "46633": "iot", "46634": "ios", "46635": "amendments", "46636": "fucker", "46637": "chomsky", "46638": "ion", "46639": "fucken", "46640": "iol", "46641": "novela", "46642": "ioi", "46643": "injures", "46644": "fucked", "46645": "judgment", "46646": "scholars", "46647": "shamed", "46648": "insure", "46649": "raping", "46650": "yates", "46651": "freshest", "46652": "seto", "46653": "seth", "46654": "thought", "46655": "sets", "46656": "position", "46657": "con", "46658": "floored", "46659": "hmmph", "46660": "arming", "46661": "barking", "46662": "walmarts", "46663": "proximity", "46664": "executive", "46665": "domestic", "46666": "clinic", "46667": "voltage", "46668": "nurturing", "46669": "tough", "46670": "narcotics", "46671": "lakh", "46672": "quiero", "46673": "timescale", "46674": "expendables", "46675": "terrorized", "46676": "lupin", "46677": "lake", "46678": "rebate", "46679": "somali", "46680": "niro", "46681": "scrims", "46682": "wining", "46683": "trae", "46684": "shitters", "46685": "everthing", "46686": "fyd", "46687": "fye", "46688": "hotbox", "46689": "fyi", "46690": "fyn", "46691": "fym", "46692": "royalty", "46693": "sephora", "46694": "skinnies", "46695": "skinnier", "46696": "audibly", "46697": "bihh", "46698": "heeey", "46699": "inviting", "46700": "⏩", "46701": "crawled", "46702": "heey", "46703": "journalism", "46704": "malfoy", "46705": "tish", "46706": "crawley", "46707": "journalist", "46708": "heed", "46709": "heee", "46710": "kingsman", "46711": "heeee", "46712": "soft", "46713": "audible", "46714": "heel", "46715": "heem", "46716": "stufff", "46717": "paulina", "46718": "nje", "46719": "pauline", "46720": "alive", "46721": "feelsbadman", "46722": "convey", "46723": "stuffs", "46724": "stuffy", "46725": "deulofeu", "46726": "highlighting", "46727": "thaank", "46728": "corpse", "46729": "academies", "46730": "whaaaaaaaaat", "46731": "chainz", "46732": "economical", "46733": "nfs", "46734": "louboutins", "46735": "chains", "46736": "regain", "46737": "islander", "46738": "noise", "46739": "beatbox", "46740": "expiry", "46741": "host", "46742": "expire", "46743": "hoss", "46744": "hosp", "46745": "whacky", "46746": "sheree", "46747": "whacks", "46748": "narrate", "46749": "noisy", "46750": "beaker", "46751": "ranieri", "46752": "commited", "46753": "knowin", "46754": "6am", "46755": "eases", "46756": "albanian", "46757": "stephenson", "46758": "glade", "46759": "blessings", "46760": "discard", "46761": "punchline", "46762": "scump", "46763": "scums", "46764": "childrens", "46765": "conway", "46766": "zooms", "46767": "chronic", "46768": "guard", "46769": "matcha", "46770": "❛", "46771": "otherside", "46772": "custard", "46773": "iono", "46774": "adolescent", "46775": "brides", "46776": "buckle", "46777": "avo", "46778": "yeshhh", "46779": "awarded", "46780": "utopian", "46781": "introvert", "46782": "maze", "46783": "maza", "46784": "demar", "46785": "ivory", "46786": "cosgrove", "46787": "bobble", "46788": "🙆", "46789": "560", "46790": "brang", "46791": "brand", "46792": "amity", "46793": "caitlin", "46794": "reminds", "46795": "oras", "46796": "plague", "46797": "brant", "46798": "editing", "46799": "genitals", "46800": "carmella", "46801": "glory", "46802": "dangerous", "46803": "j", "46804": "backfires", "46805": "boldandbeautiful", "46806": "avaliable", "46807": "undercard", "46808": "lynx", "46809": "backfired", "46810": "essien", "46811": "condiment", "46812": "burberry", "46813": "supreme", "46814": "pik", "46815": "durk", "46816": "pin", "46817": "deaths", "46818": "pia", "46819": "handset", "46820": "pic", "46821": "pie", "46822": "pig", "46823": "pix", "46824": "crusade", "46825": "90th", "46826": "tabletop", "46827": "pip", "46828": "shooting", "46829": "pit", "46830": "durr", "46831": "landfill", "46832": "claiming", "46833": "patsy", "46834": "surreal", "46835": "🌳", "46836": "boosters", "46837": "baylee", "46838": "looooool", "46839": "respects", "46840": "sot", "46841": "shouldve", "46842": "weeaboo", "46843": "gatsby", "46844": "astronomy", "46845": "hayfever", "46846": "yelp", "46847": "phandom", "46848": "︶", "46849": "duuude", "46850": "yell", "46851": "cookbook", "46852": "thunderstorms", "46853": "tanking", "46854": "comparatively", "46855": "finnick", "46856": "sleek", "46857": "sleet", "46858": "sleep", "46859": "martinis", "46860": "hating", "46861": "frostbite", "46862": "probally", "46863": "51st", "46864": "kissies", "46865": "assembled", "46866": "megabus", "46867": "mwr", "46868": "dalek", "46869": "feeding", "46870": "patches", "46871": "jaipur", "46872": "paris", "46873": "bureaucrats", "46874": "koalas", "46875": "austinmahone", "46876": "omnipotent", "46877": "mwa", "46878": "mwf", "46879": "suns", "46880": "mwi", "46881": "mwo", "46882": "regrets", "46883": "theists", "46884": "merchant", "46885": "lure", "46886": "internships", "46887": "risk", "46888": "rise", "46889": "lurk", "46890": "dollas", "46891": "allentown", "46892": "lololol", "46893": "leggings", "46894": "risu", "46895": "fireplace", "46896": "riss", "46897": "risp", "46898": "dreamworks", "46899": "mw3", "46900": "mw2", "46901": "frothing", "46902": "parrot", "46903": "humph", "46904": "venue", "46905": "slung", "46906": "dubsmash", "46907": "1day", "46908": "flashy", "46909": "guiding", "46910": "verif", "46911": "shafted", "46912": "smoky", "46913": "venus", "46914": "humps", "46915": "swiped", "46916": "overdo", "46917": "excelled", "46918": "surrounding", "46919": "louder", "46920": "xdddddd", "46921": "enoch", "46922": "akbar", "46923": "expressive", "46924": "razer", "46925": "christ", "46926": "rationally", "46927": "wellcome", "46928": "coasters", "46929": "minty", "46930": "💸", "46931": "mints", "46932": "baaaad", "46933": "kicked", "46934": "orgies", "46935": "loyola", "46936": "lilith", "46937": "ramps", "46938": "socialize", "46939": "kicker", "46940": "humility", "46941": "ritas", "46942": "yadav", "46943": "digits", "46944": "🏢", "46945": "backpacking", "46946": "changed", "46947": "jogging", "46948": "analysts", "46949": "weakens", "46950": "changes", "46951": "changer", "46952": "curate", "46953": "bloomer", "46954": "🌌", "46955": "loveeeeee", "46956": "middlesbrough", "46957": "punching", "46958": "actions", "46959": "forums", "46960": "ebony", "46961": "buckled", "46962": "treading", "46963": "assed", "46964": "phlegm", "46965": "moneyyy", "46966": "wordplay", "46967": "chargers", "46968": "asses", "46969": "asset", "46970": "overlord", "46971": "25th", "46972": "spinrilla", "46973": "slaughtered", "46974": "musk", "46975": "mush", "46976": "⛅", "46977": "naive", "46978": "phony", "46979": "muse", "46980": "phone", "46981": "connecticut", "46982": "overtake", "46983": "pinching", "46984": "cuttin", "46985": "muss", "46986": "birthdayyyyy", "46987": "cuttie", "46988": "gmorning", "46989": "tampa", "46990": "must", "46991": "wowza", "46992": "mahomie", "46993": "cancellations", "46994": "lunge", "46995": "daft", "46996": "graceland", "46997": "henry", "46998": "pavements", "46999": "betches", "47000": "appraisal", "47001": "cussing", "47002": "fortress", "47003": "decorative", "47004": "chilcot", "47005": "✗", "47006": "nesha", "47007": "loaning", "47008": "scheduling", "47009": "gordo", "47010": "oppressing", "47011": "guarantee", "47012": "walkingdead_amc", "47013": "santana", "47014": "ramsay", "47015": "bunk", "47016": "gats", "47017": "iiii", "47018": "buns", "47019": "wowwwwww", "47020": "bunt", "47021": "accusations", "47022": "gate", "47023": "widespread", "47024": "bunz", "47025": "kebabs", "47026": "gata", "47027": "🐡", "47028": "poker", "47029": "pokes", "47030": "mouths", "47031": "pokey", "47032": "arthritis", "47033": "mouthy", "47034": "isner", "47035": "whittle", "47036": "poked", "47037": "baggies", "47038": "sundresses", "47039": "burly", "47040": "danny", "47041": "acknowledged", "47042": "hypnotic", "47043": "ü", "47044": "daredevil", "47045": "interior", "47046": "narcos", "47047": "correlation", "47048": "margate", "47049": "acknowledges", "47050": "archaeology", "47051": "fillers", "47052": "birthdayyyyyy", "47053": "executed", "47054": "interpretation", "47055": "holistic", "47056": "sprout", "47057": "over", "47058": "casted", "47059": "expects", "47060": "ep3", "47061": "sickly", "47062": "jacuzzi", "47063": "oven", "47064": "iup", "47065": "carnal", "47066": "caster", "47067": "talkative", "47068": "digest", "47069": "periscopeco", "47070": "umgs", "47071": "destroyer", "47072": "fairway", "47073": "edith", "47074": "socialmedia", "47075": "writing", "47076": "destroyed", "47077": "edits", "47078": "tayla", "47079": "squishing", "47080": "stifling", "47081": "corinthians", "47082": "lyke", "47083": "pleaseeeeee", "47084": "payouts", "47085": "splitter", "47086": "bouts", "47087": "inexperience", "47088": "knighthood", "47089": "wednesdays", "47090": "monarch", "47091": "listerine", "47092": "hertfordshire", "47093": "bouta", "47094": "3mins", "47095": "stinking", "47096": "netherlands", "47097": "dictatorship", "47098": "bosnia", "47099": "undrafted", "47100": "crunchy", "47101": "mi5", "47102": "weary", "47103": "choir", "47104": "japs", "47105": "holdin", "47106": "rashford", "47107": "godiva", "47108": "prohibit", "47109": "hanger", "47110": "tumbleweed", "47111": "constipation", "47112": "nik", "47113": "diana", "47114": "cloths", "47115": "headass", "47116": "diane", "47117": "emphasise", "47118": "fairmont", "47119": "celebrating", "47120": "sinha", "47121": "hanged", "47122": "partyyyyy", "47123": "smores", "47124": "wiring", "47125": "clothe", "47126": "juniper", "47127": "driving", "47128": "haired", "47129": "pensacola", "47130": "fiverr", "47131": "whatch", "47132": "mayday", "47133": "aja", "47134": "destinations", "47135": "everett", "47136": "perception", "47137": "freo", "47138": "fren", "47139": "gotchuuu", "47140": "free", "47141": "fred", "47142": "frey", "47143": "formation", "47144": "rain", "47145": "wanted", "47146": "westside", "47147": "fret", "47148": "horseshit", "47149": "corrections", "47150": "junpei", "47151": "recite", "47152": "industrial", "47153": "kristoff", "47154": "becaus", "47155": "gazelle", "47156": "thoee", "47157": "pergi", "47158": "philosophical", "47159": "nis", "47160": "scissors", "47161": "sneijder", "47162": "sharpest", "47163": "blunts", "47164": "withheld", "47165": "mercury", "47166": "retreats", "47167": "revival", "47168": "guinness", "47169": "quotable", "47170": "knooow", "47171": "kinder", "47172": "jamba", "47173": "knoooo", "47174": "wildly", "47175": "percentage", "47176": "jambo", "47177": "matlab", "47178": "muhahaha", "47179": "flatts", "47180": "centered", "47181": "🏋", "47182": "tlking", "47183": "injected", "47184": "abandoning", "47185": "belmin", "47186": "classed", "47187": "thy", "47188": "warmup", "47189": "nominate", "47190": "kylo", "47191": "1977", "47192": "classes", "47193": "1976", "47194": "thu", "47195": "raf", "47196": "rag", "47197": "rad", "47198": "rae", "47199": "rab", "47200": "rac", "47201": "fcking", "47202": "ran", "47203": "1973", "47204": "ram", "47205": "raj", "47206": "agility", "47207": "rah", "47208": "eps", "47209": "rav", "47210": "raw", "47211": "rat", "47212": "rar", "47213": "ras", "47214": "rap", "47215": "unaffected", "47216": "raz", "47217": "relatively", "47218": "udon", "47219": "nipples", "47220": "girlllllll", "47221": "relapse", "47222": "orgasms", "47223": "degenerates", "47224": "isolated", "47225": "laughed", "47226": "rides", "47227": "rider", "47228": "cookout", "47229": "residue", "47230": "sistah", "47231": "glands", "47232": "glob", "47233": "epi", "47234": "enablers", "47235": "audition", "47236": "glimpses", "47237": "commanding", "47238": "genital", "47239": "glos", "47240": "parting", "47241": "glow", "47242": "moolah", "47243": "rogers", "47244": "partition", "47245": "metal", "47246": "swerved", "47247": "freeway", "47248": "constance", "47249": "greenlight", "47250": "chariot", "47251": "simulate", "47252": "contacted", "47253": "thfc", "47254": "trell", "47255": "labels", "47256": "popo", "47257": "talkers", "47258": "pops", "47259": "queer", "47260": "earth", "47261": "sqfavor", "47262": "gladio", "47263": "availability", "47264": "och", "47265": "ock", "47266": "pinocchio", "47267": "t____t", "47268": "muggles", "47269": "ocd", "47270": "institution", "47271": "commandment", "47272": "enslave", "47273": "ocs", "47274": "🌺", "47275": "scripture", "47276": "oct", "47277": "kaka", "47278": "saiyan", "47279": "uhhh", "47280": "niklaus", "47281": "uhhm", "47282": "gogo", "47283": "goulding", "47284": "gogh", "47285": "sabrina", "47286": "slags", "47287": "everlasting", "47288": "estoy", "47289": "elope", "47290": "deffinatly", "47291": "rowing", "47292": "boggling", "47293": "collusion", "47294": "idiotic", "47295": "34th", "47296": "poldi", "47297": "brick", "47298": "tatto", "47299": "swearr", "47300": "roisin", "47301": "keenan", "47302": "sporadic", "47303": "tweetbot", "47304": "biggies", "47305": "jotaro", "47306": "mull", "47307": "fajr", "47308": "temptation", "47309": "iirc", "47310": "lonley", "47311": "startle", "47312": "ailee", "47313": "dissapear", "47314": "thyroid", "47315": "cajun", "47316": "bargains", "47317": "frends", "47318": "mayne", "47319": "ohmygosh", "47320": "fugly", "47321": "outages", "47322": "devout", "47323": "dedication", "47324": "◎", "47325": "sipped", "47326": "faced", "47327": "facee", "47328": "lekker", "47329": "jelly", "47330": "facet", "47331": "players", "47332": "tattle", "47333": "faces", "47334": "hypocrites", "47335": "threads", "47336": "jello", "47337": "facey", "47338": "snored", "47339": "nouis", "47340": "ouuuu", "47341": "vexed", "47342": "sullivan", "47343": "betting", "47344": "unicorns", "47345": "karen", "47346": "comprehension", "47347": "snores", "47348": "comical", "47349": "💡", "47350": "aback", "47351": "bathroom", "47352": "jobless", "47353": "7ish", "47354": "binge", "47355": "gtfoh", "47356": "blower", "47357": "confident", "47358": "blackfriday", "47359": "kelsi", "47360": "blowed", "47361": "rebounder", "47362": "containers", "47363": "canucks", "47364": "fleeting", "47365": "monetize", "47366": "republicans", "47367": "enterprises", "47368": "craft", "47369": "areee", "47370": "catch", "47371": "refreshes", "47372": "teapot", "47373": "forst", "47374": "hyperactive", "47375": "heartland", "47376": "reapers", "47377": "cracker", "47378": "weres", "47379": "strangest", "47380": "chuffed", "47381": "alwys", "47382": "parched", "47383": "penultimate", "47384": "malayalam", "47385": "cracked", "47386": "mongolian", "47387": "wahala", "47388": "brewer", "47389": "prettty", "47390": "kmll", "47391": "madea", "47392": "smdh", "47393": "fondling", "47394": "lottie", "47395": "craycray", "47396": "antidepressants", "47397": "lasagne", "47398": "brenna", "47399": "optioned", "47400": "foursome", "47401": "latinas", "47402": "amman", "47403": "moneyball", "47404": "uncharted", "47405": "moose", "47406": "welsh", "47407": "mufucka", "47408": "🙍", "47409": "fridays", "47410": "characters", "47411": "fwu", "47412": "workings", "47413": "fridayy", "47414": "dozing", "47415": "cycle", "47416": "mentioning", "47417": "oldboy", "47418": "aisa", "47419": "aise", "47420": "paralysed", "47421": "charlie", "47422": "aish", "47423": "youngins", "47424": "clowney", "47425": "hearty", "47426": "detained", "47427": "allergies", "47428": "younging", "47429": "hearts", "47430": "1million", "47431": "spencer", "47432": "outnumbered", "47433": "laptop", "47434": "torah", "47435": "donates", "47436": "transporting", "47437": "trackies", "47438": "partridge", "47439": "resigning", "47440": "thescript", "47441": "vices", "47442": "washy", "47443": "fathom", "47444": "monitored", "47445": "kagawa", "47446": "unzips", "47447": "scorpio", "47448": "furry", "47449": "explanatory", "47450": "¯", "47451": "pitiful", "47452": "aram", "47453": "submissive", "47454": "aubergine", "47455": "casting", "47456": "longgggg", "47457": "advances", "47458": "vulture", "47459": "rondon", "47460": "reyna", "47461": "perfecto", "47462": "divert", "47463": "advanced", "47464": "trivia", "47465": "jyp", "47466": "brooklynn", "47467": "taeng", "47468": "gifted", "47469": "unsuspecting", "47470": "informative", "47471": "digimon", "47472": "serbian", "47473": "evolutions", "47474": "jyj", "47475": "willows", "47476": "prettyyy", "47477": "donald", "47478": "wtaf", "47479": "baahubali", "47480": "dayquil", "47481": "gosnell", "47482": "advertise", "47483": "theyre", "47484": "intellect", "47485": "cnt", "47486": "cnu", "47487": "zomg", "47488": "fevers", "47489": "cny", "47490": "cooch", "47491": "cna", "47492": "cnn", "47493": "convict", "47494": "brekkie", "47495": "baklava", "47496": "booking", "47497": "donaldson", "47498": "archangel", "47499": "olsen", "47500": "dissapointment", "47501": "erotica", "47502": "endorsing", "47503": "playroom", "47504": "15pm", "47505": "burbank", "47506": "sunshines", "47507": "steadily", "47508": "calculating", "47509": "efforts", "47510": "twitch", "47511": "curry", "47512": "antique", "47513": "twi", "47514": "presence", "47515": "rafa", "47516": "puzzle", "47517": "lindt", "47518": "puke", "47519": "entrepreneur", "47520": "accomplishments", "47521": "ghar", "47522": "🤔", "47523": "coastal", "47524": "guppy", "47525": "rounds", "47526": "waitttt", "47527": "salim", "47528": "beatable", "47529": "saterday", "47530": "ayers", "47531": "welldone", "47532": "anderson", "47533": "😶", "47534": "appts", "47535": "synthesis", "47536": "tejpal", "47537": "abysmal", "47538": "echofon", "47539": "visitation", "47540": "differences", "47541": "removes", "47542": "remover", "47543": "uuuu", "47544": "uncle", "47545": "solar", "47546": "wobbles", "47547": "sustained", "47548": "removed", "47549": "refreshing", "47550": "viva", "47551": "admiration", "47552": "twy", "47553": "vive", "47554": "looker", "47555": "versions", "47556": "supp", "47557": "gameshare", "47558": "dollhouse", "47559": "prowl", "47560": "porky", "47561": "totoro", "47562": "supa", "47563": "latch", "47564": "trigonometry", "47565": "trim", "47566": "trio", "47567": "trin", "47568": "estonia", "47569": "showin", "47570": "trig", "47571": "rahm", "47572": "everest", "47573": "thm", "47574": "trix", "47575": "believable", "47576": "trip", "47577": "tris", "47578": "constructed", "47579": "blatantly", "47580": "radically", "47581": "tix", "47582": "ramona", "47583": "camos", "47584": "tit", "47585": "tip", "47586": "vanishes", "47587": "tis", "47588": "til", "47589": "tim", "47590": "tin", "47591": "tio", "47592": "stagnant", "47593": "tik", "47594": "tid", "47595": "tie", "47596": "vanished", "47597": "depot", "47598": "tia", "47599": "tic", "47600": "meeeee", "47601": "permitting", "47602": "nuance", "47603": "shiiiiit", "47604": "turnup", "47605": "ovaries", "47606": "tasking", "47607": "zzzzzzzz", "47608": "marceline", "47609": "stinkin", "47610": "younger", "47611": "apologizing", "47612": "longer", "47613": "andys", "47614": "inane", "47615": "ryder", "47616": "spanked", "47617": "rydel", "47618": "wwat", "47619": "dafty", "47620": "serious", "47621": "stacks", "47622": "neighbors", "47623": "hardheaded", "47624": "remarkable", "47625": "thooo", "47626": "", "47627": "✊", "47628": "alternatives", "47629": "snip", "47630": "graphing", "47631": "remarkably", "47632": "ngga", "47633": "1948", "47634": "curating", "47635": "vodafoneuk", "47636": "essentials", "47637": "ahww", "47638": "1940", "47639": "1947", "47640": "whattttt", "47641": "1945", "47642": "abhorrent", "47643": "melon", "47644": "burners", "47645": "furrows", "47646": "tubby", "47647": "faggy", "47648": "bluffs", "47649": "swizzle", "47650": "artwork", "47651": "xxxxxxxxxx", "47652": "nothappy", "47653": "penises", "47654": "buhari", "47655": "hour", "47656": "policeman", "47657": "brother", "47658": "brothel", "47659": "yale", "47660": "quick", "47661": "・", "47662": "yall", "47663": "mikayla", "47664": "says", "47665": "sayy", "47666": "smackin", "47667": "jailbait", "47668": "slowed", "47669": "drinky", "47670": "comforting", "47671": "sayo", "47672": "sayn", "47673": "giggity", "47674": "drinks", "47675": "hymn", "47676": "stressful", "47677": "postman", "47678": "contracted", "47679": "cyclone", "47680": "theist", "47681": "escorted", "47682": "theism", "47683": "reply", "47684": "eurostar", "47685": "1234", "47686": "q1", "47687": "1230", "47688": "alkaline", "47689": "kickball", "47690": "water", "47691": "fluke", "47692": "2morrow", "47693": "baseball", "47694": "crippled", "47695": "hoarse", "47696": "q5", "47697": "wasss", "47698": "supplying", "47699": "sweeeeet", "47700": "preorder", "47701": "beanbag", "47702": "q7", "47703": "snubbed", "47704": "ple", "47705": "timings", "47706": "q9", "47707": "ladys", "47708": "navigation", "47709": "dippin", "47710": "whufc", "47711": "hollywoodchoice", "47712": "tweak", "47713": "ethiopian", "47714": "thruu", "47715": "scarves", "47716": "ummmmmmmm", "47717": "bravely", "47718": "watsup", "47719": "swallowed", "47720": "isles", "47721": "gurrrl", "47722": "wrecking", "47723": "rejuvenated", "47724": "spyro", "47725": "memory", "47726": "dudeeeee", "47727": "australian", "47728": "sweeties", "47729": "🐾", "47730": "smeared", "47731": "dismay", "47732": "milford", "47733": "conductor", "47734": "sessions", "47735": "clicking", "47736": "altar", "47737": "goten", "47738": "aright", "47739": "cashier", "47740": "drown", "47741": "beers", "47742": "reddick", "47743": "haraam", "47744": "painfull", "47745": "altaf", "47746": "insights", "47747": "tribunal", "47748": "wanda", "47749": "ahve", "47750": "ferre", "47751": "contradicts", "47752": "milady", "47753": "modified", "47754": "flagship", "47755": "hhahahaha", "47756": "chiong", "47757": "ferry", "47758": "bublé", "47759": "streak", "47760": "helios", "47761": "earphone", "47762": "trump", "47763": "stream", "47764": "downfall", "47765": "reciprocate", "47766": "tinted", "47767": "oned", "47768": "quacks", "47769": "jetblue", "47770": "onee", "47771": "shuttup", "47772": "inheritance", "47773": "beale", "47774": "secured", "47775": "killmenow", "47776": "antoine", "47777": "alway", "47778": "neuroscience", "47779": "endorsement", "47780": "dope", "47781": "3peat", "47782": "copeland", "47783": "levy", "47784": "flirting", "47785": "cocktail", "47786": "snooki", "47787": "indirects", "47788": "clone", "47789": "stil", "47790": "bonfires", "47791": "heartbreaking", "47792": "birthday", "47793": "floral", "47794": "arghhhhh", "47795": "avengers", "47796": "classroom", "47797": "nonna", "47798": "branches", "47799": "badlands", "47800": "summoning", "47801": "stupidly", "47802": "amuse", "47803": "devo", "47804": "smellin", "47805": "devs", "47806": "lagoon", "47807": "fleetwood", "47808": "guncontrol", "47809": "imagining", "47810": "exclusive", "47811": "comfort", "47812": "appartment", "47813": "scammers", "47814": "constituents", "47815": "bluray", "47816": "midnight", "47817": "blare", "47818": "pineapples", "47819": "motions", "47820": "westerners", "47821": "blart", "47822": "swank", "47823": "felicia", "47824": "9th", "47825": "wallace", "47826": "handgun", "47827": "organisation", "47828": "appetizers", "47829": "swang", "47830": "chalice", "47831": "munchie", "47832": "kacey", "47833": "deviantart", "47834": "swans", "47835": "samosas", "47836": "xyz", "47837": "momz", "47838": "oneshot", "47839": "stix", "47840": "boomin", "47841": "receding", "47842": "moms", "47843": "devastated", "47844": "hamilton", "47845": "hahahahahahahahah", "47846": "moma", "47847": "corners", "47848": "corolla", "47849": "advent", "47850": "tabata", "47851": "realistic", "47852": "⛳", "47853": "triceps", "47854": "jelavic", "47855": "rethinking", "47856": "qz", "47857": "footing", "47858": "yoir", "47859": "kimmy", "47860": "frikin", "47861": "persian", "47862": "authenticity", "47863": "distributor", "47864": "dench", "47865": "suzanne", "47866": "", "47867": "hysteria", "47868": "hacker", "47869": "flaccid", "47870": "kena", "47871": "factors", "47872": "pamphlet", "47873": "factory", "47874": "ruck", "47875": "mvps", "47876": "kent", "47877": "kenz", "47878": "fairs", "47879": "beeeen", "47880": "usopen", "47881": "jacking", "47882": "maneuver", "47883": "attended", "47884": "hula", "47885": "bolts", "47886": "hull", "47887": "plopped", "47888": "hulk", "47889": "previews", "47890": "hulu", "47891": "unfriendly", "47892": "costas", "47893": "bkk", "47894": "accommodation", "47895": "heheh", "47896": "roosters", "47897": "flare", "47898": "gusto", "47899": "motion", "47900": "hypnosis", "47901": "trues", "47902": "charleston", "47903": "view", "47904": "weakling", "47905": "discontinued", "47906": "ncfc", "47907": "cubans", "47908": "pelican", "47909": "suspend", "47910": "fetched", "47911": "surviving", "47912": "∆", "47913": "ahahaa", "47914": "freudian", "47915": "symbolic", "47916": "clumsy", "47917": "fetches", "47918": "retainers", "47919": "🔔", "47920": "misfortune", "47921": "eridan", "47922": "george", "47923": "earths", "47924": "molded", "47925": "🚩", "47926": "trillion", "47927": "plastic", "47928": "quirks", "47929": "modric", "47930": "lobbyists", "47931": "white", "47932": "reaaaally", "47933": "exploring", "47934": "imy2", "47935": "season", "47936": "screwing", "47937": "editions", "47938": "reblogged", "47939": "widd", "47940": "wide", "47941": "mitzvah", "47942": "sassing", "47943": "yeovil", "47944": "rosey", "47945": "poisoning", "47946": "marines", "47947": "mariner", "47948": "paulson", "47949": "legalizing", "47950": "tarts", "47951": "confessed", "47952": "eoin", "47953": "tanning", "47954": "nominating", "47955": "brads", "47956": "cowherd", "47957": "prosperity", "47958": "conversion", "47959": "silhouette", "47960": "virgos", "47961": "omggg", "47962": "primaries", "47963": "multiple", "47964": "ukrainian", "47965": "tornado", "47966": "boiling", "47967": "weller", "47968": "👕", "47969": "multiply", "47970": "definatly", "47971": "pencils", "47972": "zanarkand", "47973": "babby", "47974": "seafood", "47975": "cuddles", "47976": "koran", "47977": "trafficking", "47978": "hoboken", "47979": "senior", "47980": "cuddled", "47981": "rumah", "47982": "quantity", "47983": "slope", "47984": "jizz", "47985": "foreals", "47986": "ss5", "47987": "itna", "47988": "ronaldinho", "47989": "ss3", "47990": "🐐", "47991": "hack", "47992": "hace", "47993": "woow", "47994": "woot", "47995": "woop", "47996": "finessing", "47997": "shimmer", "47998": "woof", "47999": "fickle", "48000": "wood", "48001": "wooo", "48002": "wool", "48003": "dreaded", "48004": "wooh", "48005": "tock", "48006": "ssy", "48007": "viewpoint", "48008": "ssu", "48009": "dyu", "48010": "lighten", "48011": "expectation", "48012": "sss", "48013": "ssr", "48014": "dyl", "48015": "ssl", "48016": "sso", "48017": "ssn", "48018": "ssi", "48019": "ssh", "48020": "lighter", "48021": "clerks", "48022": "ssd", "48023": "savoury", "48024": "looters", "48025": "dya", "48026": "ssc", "48027": "ssb", "48028": "somethingg", "48029": "entertainers", "48030": "aluminum", "48031": "orphans", "48032": "whyy", "48033": "broseph", "48034": "impolite", "48035": "fainted", "48036": "naked", "48037": "clowns", "48038": "shinigami", "48039": "ranveer", "48040": "ignored", "48041": "encourages", "48042": "psychopaths", "48043": "lnp", "48044": "hamels", "48045": "onnat", "48046": "ignores", "48047": "parking", "48048": "weighing", "48049": "lng", "48050": "encouraged", "48051": "fremont", "48052": "wayy", "48053": "visceral", "48054": "mortgage", "48055": "ways", "48056": "review", "48057": "werkin", "48058": "spoons", "48059": "bicker", "48060": "cancers", "48061": "toying", "48062": "unappealing", "48063": "sirens", "48064": "multiplied", "48065": "shivered", "48066": "beverages", "48067": "maaaad", "48068": "hundredth", "48069": "originated", "48070": "fearless", "48071": "coms", "48072": "queueing", "48073": "shooooot", "48074": "inseparable", "48075": "fiddling", "48076": "comm", "48077": "huts", "48078": "como", "48079": "unusually", "48080": "coma", "48081": "thrilling", "48082": "comb", "48083": "come", "48084": "postage", "48085": "reaction", "48086": "mta", "48087": "superstar", "48088": "missions", "48089": "summa", "48090": "whatevers", "48091": "whateverr", "48092": "adios", "48093": "gimmicks", "48094": "columnist", "48095": "creighton", "48096": "pakistan", "48097": "provocation", "48098": "mails", "48099": "continuation", "48100": "bizarro", "48101": "probing", "48102": "assertions", "48103": "homebrew", "48104": "bizarre", "48105": "skeletons", "48106": "raring", "48107": "matata", "48108": "temecula", "48109": "howard", "48110": "inclusive", "48111": "deposited", "48112": "memento", "48113": "peaceful", "48114": "umpire", "48115": "followup", "48116": "tasteless", "48117": "reimburse", "48118": "simeone", "48119": "sey", "48120": "hokage", "48121": "soapbox", "48122": "pcc", "48123": "dahlia", "48124": "attentive", "48125": "fiends", "48126": "caucasians", "48127": "onesie", "48128": "worshiping", "48129": "twigs", "48130": "knowwwww", "48131": "rhymes", "48132": "dorky", "48133": "nassib", "48134": "dorks", "48135": "rhymed", "48136": "shops", "48137": "pce", "48138": "telangana", "48139": "elgin", "48140": "telephone", "48141": "ddddd", "48142": "🚒", "48143": "capping", "48144": "gonzaga", "48145": "☝", "48146": "rogueone", "48147": "bowe", "48148": "annapolis", "48149": "orcas", "48150": "reminded", "48151": "macarons", "48152": "erybody", "48153": "ethiopia", "48154": "bows", "48155": "macaroni", "48156": "isla", "48157": "reminder", "48158": "isle", "48159": "hermit", "48160": "barefoot", "48161": "screenshot", "48162": "mockery", "48163": "spieth", "48164": "driver", "48165": "drives", "48166": "muffled", "48167": "driven", "48168": "drivel", "48169": "daiquiri", "48170": "uninstalled", "48171": "muffler", "48172": "vocalist", "48173": "longing", "48174": "breakdowns", "48175": "flaked", "48176": "perennial", "48177": "📦", "48178": "minimize", "48179": "mirren", "48180": "caressing", "48181": "flakes", "48182": "components", "48183": "charmin", "48184": "tinned", "48185": "debited", "48186": "breds", "48187": "🍿", "48188": "juwan", "48189": "disloyal", "48190": "captures", "48191": "fingerprint", "48192": "unconstitutional", "48193": "kilt", "48194": "sicko", "48195": "gavin", "48196": "oxford", "48197": "violent", "48198": "kill", "48199": "6days", "48200": "kilo", "48201": "kneeling", "48202": "captured", "48203": "blow", "48204": "sampled", "48205": "hint", "48206": "blog", "48207": "quitters", "48208": "hina", "48209": "falsely", "48210": "bloc", "48211": "blob", "48212": "samples", "48213": "hind", "48214": "briggs", "48215": "scrapbook", "48216": "righht", "48217": "styles", "48218": "rhyl", "48219": "corporates", "48220": "mugged", "48221": "fridge", "48222": "brooding", "48223": "styled", "48224": "sasquatch", "48225": "correcting", "48226": "joni", "48227": "particle", "48228": "kenyan", "48229": "oddly", "48230": "sternly", "48231": "oxtail", "48232": "pereira", "48233": "shunned", "48234": "deduct", "48235": "gamertag", "48236": "madrid", "48237": "tarot", "48238": "deduce", "48239": "ibuprofen", "48240": "intact", "48241": "teamnosleep", "48242": "asher", "48243": "bbyy", "48244": "slice", "48245": "caribbean", "48246": "🐧", "48247": "eleanor", "48248": "bbys", "48249": "douchebag", "48250": "slick", "48251": "stops", "48252": "gve", "48253": "ahahahaa", "48254": "jiggly", "48255": "smush", "48256": "ahahahah", "48257": "bbyg", "48258": "gvt", "48259": "severed", "48260": "zabaleta", "48261": "metropolis", "48262": "÷", "48263": "coughcough", "48264": "itching", "48265": "433", "48266": "inspect", "48267": "royals", "48268": "loudest", "48269": "broner", "48270": "pastors", "48271": "royale", "48272": "earlier", "48273": "baffled", "48274": "worksheet", "48275": "🇪", "48276": "brittany", "48277": "brittana", "48278": "baffles", "48279": "chive", "48280": "gregory", "48281": "exept", "48282": "cambridge", "48283": "ecommerce", "48284": "sistar", "48285": "☆", "48286": "revolutionaries", "48287": "sistas", "48288": "bbb", "48289": "penelope", "48290": "spinal", "48291": "determine", "48292": "troupe", "48293": "harrell", "48294": "lastly", "48295": "feudal", "48296": "shortlisted", "48297": "distinctions", "48298": "hoarding", "48299": "disposed", "48300": "christianity", "48301": "ferris", "48302": "encounters", "48303": "roseanne", "48304": "heyyyyy", "48305": "fisk", "48306": "deteriorating", "48307": "blackman", "48308": "valley", "48309": "energy", "48310": "agreements", "48311": "catholics", "48312": "ewing", "48313": "vested", "48314": "fundamentals", "48315": "tranquility", "48316": "alain", "48317": "teleporter", "48318": "cabinet", "48319": "yooooooo", "48320": "maaan", "48321": "gga", "48322": "sleaze", "48323": "🍨", "48324": "maaaa", "48325": "falklands", "48326": "takde", "48327": "mohammad", "48328": "shauna", "48329": "cassidy", "48330": "witherspoon", "48331": "sleazy", "48332": "📽", "48333": "chaplin", "48334": "toilet", "48335": "surly", "48336": "contributors", "48337": "cinema", "48338": "frighten", "48339": "suspecting", "48340": "cringed", "48341": "cringey", "48342": "britain", "48343": "intro", "48344": "cringes", "48345": "russel", "48346": "spends", "48347": "incorrect", "48348": "abyss", "48349": "fiddles", "48350": "wuuuut", "48351": "purdy", "48352": "rubbed", "48353": "cradles", "48354": "swords", "48355": "rubber", "48356": "5", "48357": "ign", "48358": "trash", "48359": "hmv", "48360": "igh", "48361": "requested", "48362": "championship", "48363": "separate", "48364": "symbol", "48365": "whiskers", "48366": "cove", "48367": "perry", "48368": "kingsley", "48369": "complications", "48370": "stocks", "48371": "booked", "48372": "clinically", "48373": "applause", "48374": "calls", "48375": "cally", "48376": "exhausting", "48377": "calld", "48378": "derrick", "48379": "booker", "48380": "wt20", "48381": "peeks", "48382": "trooper", "48383": "talentless", "48384": "dito", "48385": "lace", "48386": "clauses", "48387": "lack", "48388": "executing", "48389": "lacy", "48390": "everyones", "48391": "fitfam", "48392": "synthetic", "48393": "jessie", "48394": "catastrophe", "48395": "lining", "48396": "sparkling", "48397": "init", "48398": "kuma", "48399": "siblings", "48400": "royally", "48401": "infirmary", "48402": "faz", "48403": "sona", "48404": "fax", "48405": "fay", "48406": "sone", "48407": "song", "48408": "far", "48409": "fas", "48410": "ticked", "48411": "faq", "48412": "fav", "48413": "uwu", "48414": "fau", "48415": "fak", "48416": "fah", "48417": "sons", "48418": "fan", "48419": "fal", "48420": "fam", "48421": "fab", "48422": "sony", "48423": "ticket", "48424": "mmmhm", "48425": "faf", "48426": "fag", "48427": "fad", "48428": "fae", "48429": "misspelling", "48430": "synths", "48431": "ranting", "48432": "twiiter", "48433": "morley", "48434": "stimulus", "48435": "helpme", "48436": "prolonged", "48437": "capoue", "48438": "lesbians", "48439": "booting", "48440": "richy", "48441": "amendola", "48442": "entourage", "48443": "wallflower", "48444": "hifi", "48445": "collarbones", "48446": "nbs", "48447": "idts", "48448": "synergy", "48449": "chahiye", "48450": "nbn", "48451": "nbc", "48452": "nba", "48453": "functioning", "48454": "nbd", "48455": "cursor", "48456": "imported", "48457": "telugu", "48458": "pinterest", "48459": "recluse", "48460": "spendin", "48461": "lawrence", "48462": "anniversary", "48463": "booing", "48464": "attitudes", "48465": "reboots", "48466": "cinemas", "48467": "frightens", "48468": "vamos", "48469": "scowling", "48470": "zona", "48471": "jkjk", "48472": "bb7", "48473": "shouldn", "48474": "leeds", "48475": "mms", "48476": "relaxation", "48477": "mmr", "48478": "observing", "48479": "shoulda", "48480": "thrift", "48481": "goalscorer", "48482": "siamese", "48483": "pellegrini", "48484": "allows", "48485": "cucumbers", "48486": "flask", "48487": "supplements", "48488": "catfished", "48489": "graph", "48490": "uncontrolled", "48491": "godless", "48492": "antioch", "48493": "soonish", "48494": "tightness", "48495": "suddenly", "48496": "maby", "48497": "cruces", "48498": "mme", "48499": "capslock", "48500": "appliances", "48501": "thays", "48502": "sbi", "48503": "jerkin", "48504": "tutti", "48505": "mma", "48506": "resolves", "48507": "sheehan", "48508": "wield", "48509": "forcefully", "48510": "shite", "48511": "nowwww", "48512": "branden", "48513": "shity", "48514": "longlast", "48515": "shits", "48516": "branded", "48517": "oreillyfactor", "48518": "shitt", "48519": "ladybug", "48520": "aboit", "48521": "grabbing", "48522": "waxed", "48523": "stutter", "48524": "nxgga", "48525": "domination", "48526": "bragged", "48527": "stick", "48528": "tudors", "48529": "benihana", "48530": "ouija", "48531": "yeaaaaa", "48532": "berth", "48533": "plagiarism", "48534": "berto", "48535": "shorties", "48536": "yeaaaah", "48537": "omggggggg", "48538": "firstworldproblems", "48539": "fernandinho", "48540": "intercepted", "48541": "perverts", "48542": "alwayss", "48543": "hume", "48544": "challenging", "48545": "maf", "48546": "prompting", "48547": "joints", "48548": "locating", "48549": "sunscreen", "48550": "discusting", "48551": "wycombe", "48552": "protects", "48553": "howcome", "48554": "unconvinced", "48555": "chores", "48556": "ssp", "48557": "smofc", "48558": "dreads", "48559": "musics", "48560": "khakis", "48561": "souness", "48562": "zhang", "48563": "finchel", "48564": "alyson", "48565": "playmaker", "48566": "musica", "48567": "speeding", "48568": "xillia", "48569": "buzzword", "48570": "choreo", "48571": "mould", "48572": "simplicity", "48573": "sandwich", "48574": "electors", "48575": "rogues", "48576": "reflect", "48577": "seemingly", "48578": "ummmmmmm", "48579": "ballads", "48580": "drawlin", "48581": "cults", "48582": "ani", "48583": "n00b", "48584": "nonchalantly", "48585": "departure", "48586": "trevor", "48587": "callback", "48588": "trevon", "48589": "grande", "48590": "retaliate", "48591": "gauges", "48592": "disabled", "48593": "bigoted", "48594": "littles", "48595": "wilmer", "48596": "yowza", "48597": "rika", "48598": "assaulting", "48599": "rylan", "48600": "prodigy", "48601": "harmless", "48602": "riku", "48603": "boneless", "48604": "mounted", "48605": "responders", "48606": "castillo", "48607": "leveon", "48608": "return", "48609": "impacts", "48610": "niice", "48611": "clippers", "48612": "framework", "48613": "strapping", "48614": "milestone", "48615": "accumulate", "48616": "helppppp", "48617": "vaughn", "48618": "waaaaait", "48619": "moisturize", "48620": "gagas", "48621": "4got", "48622": "bestbuy", "48623": "refresh", "48624": "privileged", "48625": "stiles", "48626": "deffinately", "48627": "disapprove", "48628": "malfunction", "48629": "pirates", "48630": "needless", "48631": "generation", "48632": "fixture", "48633": "yooo", "48634": "wakefield", "48635": "pirated", "48636": "falsetto", "48637": "inflict", "48638": "callate", "48639": "hartley", "48640": "w2", "48641": "iza", "48642": "lola", "48643": "lold", "48644": "firestick", "48645": "loli", "48646": "lolo", "48647": "dugout", "48648": "loll", "48649": "lols", "48650": "lolz", "48651": "izz", "48652": "bitchass", "48653": "slagged", "48654": "🍁", "48655": "soulless", "48656": "fiber", "48657": "wattpad", "48658": "causally", "48659": "stereotyping", "48660": "i", "48661": "ffvii", "48662": "homophobes", "48663": "soundwave", "48664": "forgive", "48665": "cirque", "48666": "organising", "48667": "suprises", "48668": "blister", "48669": "discriminating", "48670": "cremated", "48671": "underwhelming", "48672": "hardback", "48673": "threat", "48674": "neopets", "48675": "cooties", "48676": "frome", "48677": "paigey", "48678": "3ds", "48679": "mianhae", "48680": "radical", "48681": "churning", "48682": "fancy", "48683": "weaves", "48684": "wench", "48685": "🚙", "48686": "legalized", "48687": "nadeshot", "48688": "temples", "48689": "passer", "48690": "passes", "48691": "breathless", "48692": "script", "48693": "aides", "48694": "interact", "48695": "katya", "48696": "180", "48697": "shilling", "48698": "doomsday", "48699": "niam", "48700": "nian", "48701": "181", "48702": "passed", "48703": "regained", "48704": "syrup", "48705": "finances", "48706": "headache", "48707": "imperfect", "48708": "option", "48709": "parklife", "48710": "jega", "48711": "relieved", "48712": "helloooo", "48713": "convinces", "48714": "tyne", "48715": "mccree", "48716": "treasurer", "48717": "treasures", "48718": "stormzy", "48719": "convinced", "48720": "reliever", "48721": "relieves", "48722": "albeit", "48723": "throttle", "48724": "reaally", "48725": "dany", "48726": "double", "48727": "zardari", "48728": "dans", "48729": "hardees", "48730": "meeeeeeeeee", "48731": "zainab", "48732": "danm", "48733": "stall", "48734": "dank", "48735": "doubly", "48736": "dani", "48737": "dang", "48738": "dane", "48739": "danc", "48740": "dana", "48741": "cleaner", "48742": "lewandowski", "48743": "gals", "48744": "imports", "48745": "greenwich", "48746": "decadent", "48747": "overwork", "48748": "gale", "48749": "garfield", "48750": "gala", "48751": "squinty", "48752": "cleaned", "48753": "fiona", "48754": "squints", "48755": "remodel", "48756": "wipers", "48757": "sandwiched", "48758": "draper", "48759": "sherri", "48760": "staph", "48761": "cropped", "48762": "dapat", "48763": "clovis", "48764": "sandwiches", "48765": "sherry", "48766": "hurling", "48767": "pianist", "48768": "puffing", "48769": "buff", "48770": "defintely", "48771": "hurrrr", "48772": "👅", "48773": "pedroia", "48774": "reach", "48775": "react", "48776": "sandra", "48777": "unsub", "48778": "seasons", "48779": "machete", "48780": "splat", "48781": "achievement", "48782": "zelena", "48783": "blockin", "48784": "doggin", "48785": "windows", "48786": "doggie", "48787": "wichita", "48788": "artemis", "48789": "hyena", "48790": "curler", "48791": "pars", "48792": "menthol", "48793": "🐀", "48794": "hi5", "48795": "kosovo", "48796": "sleepovers", "48797": "fone", "48798": "fond", "48799": "ciroc", "48800": "stfu", "48801": "slytherin", "48802": "unwrapped", "48803": "font", "48804": "dippy", "48805": "mff", "48806": "derry", "48807": "firewood", "48808": "giannis", "48809": "aren", "48810": "starters", "48811": "viagra", "48812": "betray", "48813": "feminists", "48814": "mailbag", "48815": "hip", "48816": "sacking", "48817": "his", "48818": "hit", "48819": "hiv", "48820": "hiw", "48821": "babble", "48822": "hiy", "48823": "magikarp", "48824": "whistle", "48825": "hic", "48826": "hid", "48827": "longest", "48828": "saluting", "48829": "wooooooo", "48830": "hii", "48831": "hil", "48832": "him", "48833": "hin", "48834": "luton", "48835": "cartoons", "48836": "tourney", "48837": "pvp", "48838": "bars", "48839": "pvr", "48840": "stump", "48841": "bart", "48842": "dump", "48843": "collateral", "48844": "ethel", "48845": "intelligence", "48846": "barz", "48847": "bara", "48848": "ara", "48849": "pvc", "48850": "arc", "48851": "ard", "48852": "are", "48853": "arf", "48854": "arg", "48855": "cleverly", "48856": "unsure", "48857": "cheerios", "48858": "ark", "48859": "arl", "48860": "arm", "48861": "arn", "48862": "barn", "48863": "2024", "48864": "learns", "48865": "learnt", "48866": "18s", "48867": "distinctive", "48868": "freshmen", "48869": "formatted", "48870": "libraries", "48871": "unions", "48872": "various", "48873": "happiness", "48874": "taye", "48875": "consecutive", "48876": "nestor", "48877": "2021", "48878": "paisley", "48879": "peeled", "48880": "bbcbreakfast", "48881": "initially", "48882": "denomination", "48883": "nicky", "48884": "dunfermline", "48885": "opposition", "48886": "mst3k", "48887": "rattata", "48888": "c", "48889": "blazer", "48890": "riddles", "48891": "riddler", "48892": "movers", "48893": "odis", "48894": "musicvideo", "48895": "riddled", "48896": "blazed", "48897": "became", "48898": "8am", "48899": "fraternity", "48900": "finds", "48901": "arbitrarily", "48902": "clashing", "48903": "weetabix", "48904": "epicfail", "48905": "improper", "48906": "weasel", "48907": "eyewitness", "48908": "maniacally", "48909": "kawaii", "48910": "suspenders", "48911": "confessional", "48912": "pendleton", "48913": "overlook", "48914": "whop", "48915": "whos", "48916": "cosplayer", "48917": "whom", "48918": "reduction", "48919": "whoo", "48920": "ska", "48921": "orioles", "48922": "imaceleb", "48923": "whoa", "48924": "mugabe", "48925": "1950s", "48926": "neha", "48927": "slideshow", "48928": "taec", "48929": "misbehaving", "48930": "cummin", "48931": "lough", "48932": "stolen", "48933": "mikaela", "48934": "civility", "48935": "mpls", "48936": "pitchfork", "48937": "tt_tt", "48938": "abot", "48939": "abou", "48940": "behavior", "48941": "moustache", "48942": "fernandez", "48943": "engineers", "48944": "knob", "48945": "🚂", "48946": "riz", "48947": "noni", "48948": "riv", "48949": "mistreat", "48950": "rit", "48951": "ris", "48952": "rip", "48953": "rin", "48954": "rio", "48955": "rohan", "48956": "lodged", "48957": "rih", "48958": "rii", "48959": "rig", "48960": "rid", "48961": "rib", "48962": "ric", "48963": "ethnicity", "48964": "yosemite", "48965": "troye", "48966": "lengths", "48967": "ideologies", "48968": "propping", "48969": "wassupp", "48970": "hester", "48971": "widely", "48972": "minis", "48973": "itchy", "48974": "spears", "48975": "ghanaians", "48976": "cheques", "48977": "wheree", "48978": "whered", "48979": "negotiate", "48980": "knoo", "48981": "ustream", "48982": "moving", "48983": "t20", "48984": "culvers", "48985": "wheres", "48986": "hmmmmmm", "48987": "noodle", "48988": "daren", "48989": "t25", "48990": "refute", "48991": "analysis", "48992": "dared", "48993": "solids", "48994": "edge", "48995": "starved", "48996": "dares", "48997": "twug", "48998": "hotdog", "48999": "trolly", "49000": "centaur", "49001": "endeavour", "49002": "reliant", "49003": "reincarnated", "49004": "intervals", "49005": "vigilant", "49006": "inference", "49007": "cabaret", "49008": "variants", "49009": "shaina", "49010": "tamed", "49011": "illusions", "49012": "flares", "49013": "navigator", "49014": "yesyes", "49015": "tamer", "49016": "theorem", "49017": "violations", "49018": "confederacy", "49019": "cbeebies", "49020": "obligatory", "49021": "678", "49022": "oopsy", "49023": "sittin", "49024": "unlimited", "49025": "sharpener", "49026": "kass", "49027": "deepening", "49028": "kasi", "49029": "kash", "49030": "kase", "49031": "sharpened", "49032": "ahem", "49033": "mariah", "49034": "seperate", "49035": "mariam", "49036": "marian", "49037": "insufferable", "49038": "glitters", "49039": "capitals", "49040": "ignore", "49041": "italians", "49042": "unstable", "49043": "breeder", "49044": "hhmm", "49045": "hinted", "49046": "litten", "49047": "traits", "49048": "litter", "49049": "marmalade", "49050": "🐗", "49051": "brogan", "49052": "selfishness", "49053": "butterscotch", "49054": "patterson", "49055": "chumps", "49056": "lizzy", "49057": "prov", "49058": "nosing", "49059": "pros", "49060": "prop", "49061": "anno", "49062": "lorraine", "49063": "spitta", "49064": "proj", "49065": "ticking", "49066": "prog", "49067": "prof", "49068": "anne", "49069": "prod", "49070": "eggs", "49071": "anna", "49072": "angelo", "49073": "zzz", "49074": "♋", "49075": "palmer", "49076": "withdrawals", "49077": "loreal", "49078": "cannons", "49079": "intense", "49080": "togetherness", "49081": "blakeshelton", "49082": "yongguk", "49083": "entrepreneurs", "49084": "completing", "49085": "senile", "49086": "greets", "49087": "assoc", "49088": "hatred", "49089": "foool", "49090": "dwight", "49091": "foooo", "49092": "credible", "49093": "undoing", "49094": "unnoticed", "49095": "stitched", "49096": "resigns", "49097": "conquest", "49098": "chara", "49099": "giiirl", "49100": "because", "49101": "icebreaker", "49102": "parton", "49103": "underclassmen", "49104": "synonym", "49105": "stitches", "49106": "gratuitous", "49107": "bruv", "49108": "kroenke", "49109": "amidst", "49110": "brum", "49111": "bruh", "49112": "charmaine", "49113": "bitties", "49114": "fabio", "49115": "wna", "49116": "fwed", "49117": "cuuuuute", "49118": "okayyyy", "49119": "hahaahha", "49120": "girlfriends", "49121": "crank", "49122": "repeatedly", "49123": "wnt", "49124": "upright", "49125": "embarassed", "49126": "crane", "49127": "astounds", "49128": "piri", "49129": "114", "49130": "caller", "49131": "peppermint", "49132": "par", "49133": "suckin", "49134": "gfriend", "49135": "livi", "49136": "cartwheel", "49137": "holler", "49138": "z", "49139": "hyungs", "49140": "called", "49141": "wakin", "49142": "dill", "49143": "worthwhile", "49144": "nikkas", "49145": "shortcuts", "49146": "dilf", "49147": "gunpoint", "49148": "divisive", "49149": ";", "49150": "2ds", "49151": "tentative", "49152": "119", "49153": "malicious", "49154": "shabba", "49155": "grouped", "49156": "mammoth", "49157": "2do", "49158": "cutters", "49159": "kidou", "49160": "understatement", "49161": "haterz", "49162": "everone", "49163": "emotes", "49164": "neverrrrr", "49165": "evry1", "49166": "ommg", "49167": "lafayette", "49168": "karma", "49169": "superdrug", "49170": "kaylie", "49171": "kaylin", "49172": "scroll", "49173": "goldblum", "49174": "mardi", "49175": "arakita", "49176": "mardy", "49177": "underachievers", "49178": "markers", "49179": "adjustment", "49180": "contributions", "49181": "magnifying", "49182": "cupboards", "49183": "tinpot", "49184": "sniped", "49185": "roshan", "49186": "whennnn", "49187": "squeezing", "49188": "ahhaha", "49189": "swelling", "49190": "hinduism", "49191": "ridiculousness", "49192": "fences", "49193": "snipes", "49194": "sniper", "49195": "abode", "49196": "skydive", "49197": "wished", "49198": "715", "49199": "bedrooms", "49200": "bowles", "49201": "711", "49202": "710", "49203": "alden", "49204": "leyland", "49205": "wishes", "49206": "bosses", "49207": "brayden", "49208": "tuts", "49209": "tutu", "49210": "duffy", "49211": "minee", "49212": "descend", "49213": "notes", "49214": "underscores", "49215": "leader", "49216": "deals", "49217": "healers", "49218": "dealt", "49219": "outdo", "49220": "noted", "49221": "claudia", "49222": "locate", "49223": "cfl", "49224": "cfm", "49225": "sayyyy", "49226": "cfb", "49227": "cfc", "49228": "claudio", "49229": "cfa", "49230": "bodybuilding", "49231": "4ward", "49232": "manipulating", "49233": "rrr", "49234": "😟", "49235": "universities", "49236": "hourly", "49237": "challs", "49238": "wkwkwk", "49239": "tiem", "49240": "flaking", "49241": "altima", "49242": "starvin", "49243": "waiting", "49244": "worships", "49245": "attire", "49246": "relocate", "49247": "ammunition", "49248": "gower", "49249": "everyting", "49250": "bazinga", "49251": "chimes", "49252": "flavoured", "49253": "minhyuk", "49254": "slut", "49255": "wm", "49256": "scrapped", "49257": "kotaku", "49258": "cyclist", "49259": "hellyeah", "49260": "metro", "49261": "gooners", "49262": "cleopatra", "49263": "adjusts", "49264": "spiced", "49265": "memba", "49266": "evading", "49267": "👳", "49268": "helpers", "49269": "stimulating", "49270": "typin", "49271": "simpleton", "49272": "spicer", "49273": "spices", "49274": "fuked", "49275": "initials", "49276": "girllll", "49277": "shovel", "49278": "apple", "49279": "scales", "49280": "forbid", "49281": "chipped", "49282": "confession", "49283": "offends", "49284": "thisss", "49285": "motor", "49286": "apply", "49287": "vayne", "49288": "shoves", "49289": "unprovoked", "49290": "txtn", "49291": "10hrs", "49292": "icee", "49293": "iced", "49294": "10k", "49295": "pinning", "49296": "covington", "49297": "weeping", "49298": "expanding", "49299": "icey", "49300": "babeeee", "49301": "automobile", "49302": "txts", "49303": "brazilians", "49304": "porch", "49305": "sidemen", "49306": "inclined", "49307": "cooperate", "49308": "rabbit", "49309": "briere", "49310": "penis", "49311": "women", "49312": "annoy", "49313": "7pm", "49314": "slaps", "49315": "tulane", "49316": "5years", "49317": "column", "49318": "lmfaoooooooo", "49319": "wildest", "49320": "cuomo", "49321": "angsty", "49322": "gabby", "49323": "biscuit", "49324": "purity", "49325": "tat", "49326": "tau", "49327": "tav", "49328": "hagrid", "49329": "tap", "49330": "tar", "49331": "tas", "49332": "raps", "49333": "matinee", "49334": "rapp", "49335": "tax", "49336": "tay", "49337": "taz", "49338": "tad", "49339": "tae", "49340": "tag", "49341": "taa", "49342": "tab", "49343": "tac", "49344": "tal", "49345": "tam", "49346": "serial", "49347": "tao", "49348": "tah", "49349": "tai", "49350": "taj", "49351": "tak", "49352": "gurr", "49353": "bisping", "49354": "legging", "49355": "twizzlers", "49356": "guru", "49357": "inaugural", "49358": "fortunate", "49359": "hoein", "49360": "cabbies", "49361": "fidgeting", "49362": "leggins", "49363": "heaux", "49364": "usain", "49365": "taylors", "49366": "panic", "49367": "gurl", "49368": "fonte", "49369": "hurdles", "49370": "heckling", "49371": "thorin", "49372": "discomfort", "49373": "ethnic", "49374": "bursary", "49375": "richland", "49376": "daycare", "49377": "interrupted", "49378": "wwii", "49379": "🐩", "49380": "crawling", "49381": "jolie", "49382": "gtta", "49383": "elie", "49384": "😈", "49385": "mookie", "49386": "fizzy", "49387": "unjustified", "49388": "dearest", "49389": "becuse", "49390": "fuccin", "49391": "gamescom", "49392": "xoxox", "49393": "underwater", "49394": "reeva", "49395": "complicate", "49396": "wven", "49397": "connors", "49398": "darkskins", "49399": "choosy", "49400": "byu", "49401": "choose", "49402": "reilly", "49403": "inconsistencies", "49404": "covered", "49405": "bye", "49406": "‼", "49407": "pending", "49408": "llsss", "49409": "violating", "49410": "yadi", "49411": "crash", "49412": "flour", "49413": "practice", "49414": "commended", "49415": "spikes", "49416": "puro", "49417": "zzzquil", "49418": "sinners", "49419": "salford", "49420": "trad", "49421": "notable", "49422": "drummers", "49423": "tram", "49424": "tisk", "49425": "asab", "49426": "trav", "49427": "fiddle", "49428": "trap", "49429": "champ", "49430": "arianator", "49431": "tray", "49432": "trax", "49433": "lobbies", "49434": "bentley", "49435": "🎆", "49436": "hyun", "49437": "testifying", "49438": "hyuk", "49439": "macaroons", "49440": "grower", "49441": "firepower", "49442": "hiiii", "49443": "mewls", "49444": "consecutively", "49445": "category", "49446": "semen", "49447": "generalizations", "49448": "uggla", "49449": "outings", "49450": "ows", "49451": "grits", "49452": "disapointed", "49453": "ponies", "49454": "wuddup", "49455": "anyhoo", "49456": "dictionary", "49457": "yoru", "49458": "jcp", "49459": "york", "49460": "dumpster", "49461": "implode", "49462": "conflicts", "49463": "thise", "49464": "anyhow", "49465": "yore", "49466": "bedazzled", "49467": "bigass", "49468": "kobes", "49469": "cait", "49470": "segregated", "49471": "barns", "49472": "fitzpatrick", "49473": "horace", "49474": "feasible", "49475": "conversation", "49476": "calvary", "49477": "riko", "49478": "adrian", "49479": "cain", "49480": "toasters", "49481": "timbers", "49482": "firehouse", "49483": "indesign", "49484": "throating", "49485": "beggining", "49486": "marksandspencer", "49487": "probation", "49488": "homers", "49489": "postseason", "49490": "donte", "49491": "droop", "49492": "jinjja", "49493": "overtime", "49494": "flourish", "49495": "overdraft", "49496": "myspace", "49497": "accent", "49498": "thiss", "49499": "dontt", "49500": "pakka", "49501": "bdutt", "49502": "drool", "49503": "oladipo", "49504": "dumbness", "49505": "headbands", "49506": "beezy", "49507": "doomed", "49508": "kiera", "49509": "smthing", "49510": "powdered", "49511": "thingies", "49512": "mattingly", "49513": "constituent", "49514": "commence", "49515": "5ish", "49516": "vadra", "49517": "mmkay", "49518": "duude", "49519": "riches", "49520": "richer", "49521": "tommy", "49522": "durwardmolotsis", "49523": "frugal", "49524": "tommo", "49525": "clemson", "49526": "fuuuuuuuuck", "49527": "sculpture", "49528": "beter", "49529": "lateness", "49530": "💊", "49531": "gabbert", "49532": "beatin", "49533": "yellin", "49534": "footwork", "49535": "alfonso", "49536": "kiefer", "49537": "clove", "49538": "afraid", "49539": "triggered", "49540": "ghe", "49541": "flareon", "49542": "skittles", "49543": "oozing", "49544": "agency", "49545": "bonnaroo", "49546": "bagel", "49547": "ahole", "49548": "ahold", "49549": "spawns", "49550": "wreckless", "49551": "divers", "49552": "youuuu", "49553": "⚾", "49554": "25000", "49555": "centre", "49556": "firecrackers", "49557": "mewtwo", "49558": "noggin", "49559": "deena", "49560": "delve", "49561": "highschool", "49562": "deadpan", "49563": "germantown", "49564": "deny", "49565": "sahi", "49566": "dent", "49567": "xavier", "49568": "dena", "49569": "deng", "49570": "fank", "49571": "urghhh", "49572": "smirked", "49573": "mileys", "49574": "99p", "49575": "mistook", "49576": "grindin", "49577": "escobar", "49578": "jazmin", "49579": "thuglife", "49580": "purely", "49581": "playbook", "49582": "meadowhall", "49583": "chicken", "49584": "debate", "49585": "griffey", "49586": "moes", "49587": "imsg", "49588": "superwoman", "49589": "dandruff", "49590": "craziness", "49591": "enticing", "49592": "cache", "49593": "cahoots", "49594": "humanitarian", "49595": "reminisce", "49596": "candidates", "49597": "iheart", "49598": "hiiiii", "49599": "thousands", "49600": "forfeit", "49601": "wordd", "49602": "sued", "49603": "workin", "49604": "sagittarius", "49605": "silas", "49606": "goosebumps", "49607": "toledo", "49608": "999", "49609": "woobin", "49610": "watercolor", "49611": "rockford", "49612": "woooooo", "49613": "ones", "49614": "sues", "49615": "words", "49616": "onew", "49617": "penetrate", "49618": "delgado", "49619": "wordy", "49620": "mouthful", "49621": "suey", "49622": "ghetto", "49623": "heretic", "49624": "jannah", "49625": "homosexuals", "49626": "truee", "49627": "postin", "49628": "jaime", "49629": "waterfalls", "49630": "cleavage", "49631": "postie", "49632": "11am", "49633": "generations", "49634": "truer", "49635": "conversions", "49636": "w0w", "49637": "ebi", "49638": "ebt", "49639": "taint", "49640": "queers", "49641": "merits", "49642": "chacos", "49643": "unfairly", "49644": "violet", "49645": "headingley", "49646": "gutters", "49647": "gbbo", "49648": "closer", "49649": "closes", "49650": "panto", "49651": "thers", "49652": "closet", "49653": "¨", "49654": "aveline", "49655": "superb", "49656": "xray", "49657": "genius", "49658": "mexicans", "49659": "ashleigh", "49660": "rumblings", "49661": "panty", "49662": "closed", "49663": "intimidated", "49664": "simms", "49665": "theta", "49666": "linebacker", "49667": "btfo", "49668": "pants", "49669": "gambino", "49670": "hutt", "49671": "arteta", "49672": "foetus", "49673": "zouk", "49674": "addie", "49675": "friendliest", "49676": "gooooooooood", "49677": "spoil", "49678": "disconcerting", "49679": "declining", "49680": "barrett", "49681": "tiers", "49682": "boiiiiii", "49683": "wilbur", "49684": "lentil", "49685": "profanity", "49686": "shoutgamers", "49687": "wnba", "49688": "postpaid", "49689": "grain", "49690": "atleast", "49691": "grail", "49692": "clogged", "49693": "safely", "49694": "reiner", "49695": "withdraws", "49696": "shoving", "49697": "hyphen", "49698": "worldly", "49699": "spasm", "49700": "withdrawn", "49701": "unhappiness", "49702": "softie", "49703": "bbn", "49704": "bbm", "49705": "bbl", "49706": "birkenstocks", "49707": "bbg", "49708": "bbe", "49709": "bbc", "49710": "broadcasts", "49711": "bba", "49712": "validating", "49713": "reindeer", "49714": "bbz", "49715": "bby", "49716": "bbw", "49717": "bbt", "49718": "bbs", "49719": "bbq", "49720": "furrytails", "49721": "butchers", "49722": "verizon", "49723": "playstation", "49724": "thrusting", "49725": "meaningless", "49726": "repetition", "49727": "tryyy", "49728": "wilt", "49729": "vanilla", "49730": "irate", "49731": "choices", "49732": "will", "49733": "h8r", "49734": "hovering", "49735": "bombarding", "49736": "wilk", "49737": "wild", "49738": "wile", "49739": "downgrade", "49740": "jehovah", "49741": "vape", "49742": "garda", "49743": "camerondallas", "49744": "ahahhaa", "49745": "cowgirls", "49746": "🔛", "49747": "ahahhah", "49748": "girrrrrrl", "49749": "whore", "49750": "halt", "49751": "liddat", "49752": "saintsfc", "49753": "pied", "49754": "stadiums", "49755": "vintage", "49756": "privileges", "49757": "headlight", "49758": "muchhhhh", "49759": "adverse", "49760": "merciful", "49761": "hippos", "49762": "contactless", "49763": "gnight", "49764": "zilch", "49765": "kstate", "49766": "elbows", "49767": "yoon", "49768": "premiere", "49769": "diploma", "49770": "octagon", "49771": "yoou", "49772": "yoos", "49773": "premiers", "49774": "arse", "49775": "deshawn", "49776": "⇨", "49777": "unpacked", "49778": "theses", "49779": "borini", "49780": "ㅋㅋㅋ", "49781": "english", "49782": "drogba", "49783": "breaker", "49784": "sensing", "49785": "contenders", "49786": "rocker", "49787": "rocket", "49788": "lameee", "49789": "boot", "49790": "wren", "49791": "bongo", "49792": "hali", "49793": "rachels", "49794": "rocked", "49795": "bautista", "49796": "azalea", "49797": "elliot", "49798": "disturbance", "49799": "sky", "49800": "unsigned", "49801": "morbidly", "49802": "sweetener", "49803": "googling", "49804": "hoppy", "49805": "clyde", "49806": "livingthedream", "49807": "adoption", "49808": "skl", "49809": "skn", "49810": "ski", "49811": "earthquakes", "49812": "¿", "49813": "identical", "49814": "saturation", "49815": "branch", "49816": "knoe", "49817": "mcginn", "49818": "protesters", "49819": "bettman", "49820": "know", "49821": "knot", "49822": "alisha", "49823": "cpac", "49824": "knox", "49825": "👜", "49826": "msft", "49827": "tragus", "49828": "feral", "49829": "panicking", "49830": "sk8", "49831": "taxpayers", "49832": "deftones", "49833": "dancer", "49834": "boof", "49835": "cutler", "49836": "starred", "49837": "traitors", "49838": "nigga", "49839": "shabby", "49840": "arigato", "49841": "sequence", "49842": "searching", "49843": "mosquitoes", "49844": "115", "49845": "niggs", "49846": "117", "49847": "116", "49848": "111", "49849": "110", "49850": "113", "49851": "112", "49852": "empire", "49853": "niggy", "49854": "neglecting", "49855": "118", "49856": "goodlooking", "49857": "affections", "49858": "leaf", "49859": "lead", "49860": "leak", "49861": "leah", "49862": "lean", "49863": "lear", "49864": "leas", "49865": "leap", "49866": "outrageously", "49867": "leav", "49868": "dunkindonuts", "49869": "murdoch", "49870": "murdock", "49871": "bitxh", "49872": "enuf", "49873": "poets", "49874": "murderer", "49875": "uggggh", "49876": "slur", "49877": "mitt", "49878": "handedly", "49879": "enuh", "49880": "wesley", "49881": "murdered", "49882": "11s", "49883": "slum", "49884": "fused", "49885": "tempered", "49886": "mite", "49887": "mitb", "49888": "slug", "49889": "throne", "49890": "incline", "49891": "squealed", "49892": "getting", "49893": "spilled", "49894": "5hours", "49895": "dependence", "49896": "shipping", "49897": "surge", "49898": "dependency", "49899": "epiphany", "49900": "wheats", "49901": "11ish", "49902": "spiller", "49903": "unlikable", "49904": "warranty", "49905": "10000000", "49906": "dede", "49907": "kano", "49908": "versed", "49909": "warrants", "49910": "headphone", "49911": "sherm", "49912": "brush", "49913": "registration", "49914": "cormier", "49915": "brilliantly", "49916": "maize", "49917": "uncontrollably", "49918": "okkk", "49919": "grapevine", "49920": "wildlands", "49921": "frickle", "49922": "cairo", "49923": "followme", "49924": "uncontrollable", "49925": "ensured", "49926": "darvish", "49927": "sugars", "49928": "kojima", "49929": "ohhhhhhhh", "49930": "funds", "49931": "baaaaad", "49932": "wight", "49933": "contradictory", "49934": "nassau", "49935": "jaffa", "49936": "yeeeeeah", "49937": "wating", "49938": "lve", "49939": "lvg", "49940": "9ish", "49941": "lvl", "49942": "broadly", "49943": "ex", "49944": "buffs", "49945": "ez", "49946": "buffy", "49947": "nukes", "49948": "spanks", "49949": "goodness", "49950": "airsoft", "49951": "domesticated", "49952": "counteract", "49953": "spanky", "49954": "vant", "49955": "kanu", "49956": "theon", "49957": "boop", "49958": "", "49959": "boos", "49960": "percent", "49961": "illinois", "49962": "roars", "49963": "book", "49964": "bool", "49965": "boom", "49966": "sick", "49967": "booo", "49968": "sice", "49969": "boob", "49970": "wheelers", "49971": "sica", "49972": "gau", "49973": "roleplay", "49974": "boog", "49975": "lance", "49976": "illegally", "49977": "juno", "49978": "cerys", "49979": "june", "49980": "howwww", "49981": "jung", "49982": "edclv", "49983": "medications", "49984": "sandwhich", "49985": "lancs", "49986": "boyband", "49987": "sheri", "49988": "junt", "49989": "pate", "49990": "repertoire", "49991": "rotting", "49992": "yummmmm", "49993": "workkkk", "49994": "emery", "49995": "gak", "49996": "expands", "49997": "dammmn", "49998": "untalented", "49999": "jawbone"} diff --git a/dockerfiles/Dockerfile.cpu b/dockerfiles/Dockerfile.cpu index e1ac377..4b26c4e 100644 --- a/dockerfiles/Dockerfile.cpu +++ b/dockerfiles/Dockerfile.cpu @@ -1,10 +1,8 @@ # Dockerfile for CPU-only CakeChat setup -FROM ubuntu:16.04 +FROM ubuntu:18.04 -# TensorBoard-related packages versions -ARG TENSORBOARD_VERSION=1.5.0 -ARG TENSORFLOW_VERSION=1.5.0 +ENV LANG C.UTF-8 # Install some dependencies RUN apt-get update && apt-get install -y \ @@ -19,26 +17,28 @@ RUN apt-get update && apt-get install -y \ unzip \ vim \ wget \ - python \ - python-dev \ - python-pip \ - python-setuptools \ + python3 \ + python3-dev \ + python3-pip \ + python3-setuptools \ && \ apt-get clean && \ apt-get autoremove && \ rm -rf /var/lib/apt/lists/* +# Link python to python3 (since python 2 is used by default in ubuntu docker image) +RUN ln -s /usr/bin/python3 /usr/bin/python + # Install up-to-date pip -RUN pip --no-cache-dir install -U pip +RUN pip3 --no-cache-dir install -U pip # setup cakechat and install dependencies RUN git clone https://github.com/lukalabs/cakechat.git /root/cakechat -RUN pip --no-cache-dir install -r /root/cakechat/requirements.txt - -# setup Tensorboard for monitoring the training process -RUN pip install tensorflow-tensorboard==$TENSORBOARD_VERSION tensorflow==$TENSORFLOW_VERSION +RUN pip3 --no-cache-dir install -r /root/cakechat/requirements.txt -r /root/cakechat/requirements-local.txt RUN mkdir -p /root/cakechat/data/tensorboard WORKDIR /root/cakechat -CMD (tensorboard --logdir=data/tensorboard 2>data/tensorboard/err.log &); \ +CMD git pull && \ + pip3 install -r requirements.txt -r /root/cakechat/requirements-local.txt && \ + (tensorboard --logdir=data/tensorboard 2>data/tensorboard/err.log &); \ /bin/bash diff --git a/dockerfiles/Dockerfile.gpu b/dockerfiles/Dockerfile.gpu index 858b902..3a5dc43 100644 --- a/dockerfiles/Dockerfile.gpu +++ b/dockerfiles/Dockerfile.gpu @@ -1,99 +1,32 @@ -# Dockerfile for GPU-enabled CakeChat with Theano and libgpuarray built from source +# Development GPU-powered dockerfile -FROM nvidia/cuda:8.0-cudnn5-devel-ubuntu16.04 +FROM horovod/horovod:0.16.0-tf1.12.0-torch1.0.0-mxnet1.4.0-py3.5 -# Theano-related packages versions -ARG THEANO_VERSION=rel-0.9.0 -ARG GPUARRAY_VERSION=v0.6.2 +ENV LANG C.UTF-8 -# TensorBoard-related packages versions -ARG TENSORBOARD_VERSION=1.5.0 -ARG TENSORFLOW_VERSION=1.5.0 - -# Install some dependencies RUN apt-get update && apt-get install -y \ - bc \ - build-essential \ - cmake \ - curl \ - g++ \ - gfortran \ - git \ - libffi-dev \ - libfreetype6-dev \ - libhdf5-dev \ - libjpeg-dev \ - liblcms2-dev \ - libopenblas-dev \ - liblapack-dev \ - libpng12-dev \ - libssl-dev \ - libtiff5-dev \ - libwebp-dev \ - libzmq3-dev \ - nano \ - pkg-config \ - python \ - python-dev \ - python-pip \ - python-setuptools \ - software-properties-common \ - unzip \ - vim \ - wget \ - zlib1g-dev \ - && \ - apt-get clean && \ - apt-get autoremove && \ - rm -rf /var/lib/apt/lists/* && \ -# Link BLAS library to use OpenBLAS using the alternatives mechanism (https://www.scipy.org/scipylib/building/linux.html#debian-ubuntu) - update-alternatives --set libblas.so.3 /usr/lib/openblas-base/libblas.so.3 + cabextract \ + libcurl4-openssl-dev \ + libmemcached-dev \ + libmysqlclient-dev \ + zlib1g-dev \ + libssl-dev \ + sudo \ + htop \ + tmux \ + man \ + less # Install up-to-date pip -RUN pip --no-cache-dir install -U pip - -# Build & install libgpuarray -RUN pip --no-cache-dir install \ - Cython==0.25.2 \ - numpy==1.12.1 \ - Mako==1.0.7 \ - nose==1.3.7 - -RUN git clone https://github.com/Theano/libgpuarray.git /root/libgpuarray && \ - cd /root/libgpuarray && git checkout $GPUARRAY_VERSION && mkdir Build && cd Build && \ - cmake .. -DCMAKE_BUILD_TYPE=Release && make -j16 && make install && \ - cd .. && python setup.py build && python setup.py install && ldconfig - -RUN rm -rf /root/libgpuarray - -# Install Theano and set up Theano config (.theanorc) for CUDA and OpenBLAS -RUN pip --no-cache-dir install git+git://github.com/Theano/Theano.git@$THEANO_VERSION && \ - \ - echo "[global]\ndevice=cuda\nfloatX=float32\noptimizer_including=cudnn\nmode=FAST_RUN \ - \n[gpuarray]\npreallocatem=0.95 \ - \n[blas]\nldflag = -L/usr/lib/openblas-base -lopenblas \ - \n[DebugMode]\ncheck_finite=1" \ - > /root/.theanorc - - -# Install CakeChat & development tools -RUN apt-get update && apt-get install -y \ - git \ - screen \ - tmux \ - vim \ - sudo \ - && \ - rm -rf /var/lib/apt/lists/* +RUN pip3 --no-cache-dir install -U pip # setup cakechat and install dependencies RUN git clone https://github.com/lukalabs/cakechat.git /root/cakechat -RUN pip --no-cache-dir install -r /root/cakechat/requirements.txt - -# setup Tensorboard for monitoring the training process -RUN pip install tensorflow-tensorboard==$TENSORBOARD_VERSION tensorflow==$TENSORFLOW_VERSION +RUN pip3 --no-cache-dir install -r /root/cakechat/requirements.txt -r /root/cakechat/requirements-local.txt RUN mkdir -p /root/cakechat/data/tensorboard WORKDIR /root/cakechat -CMD (tensorboard --logdir=data/tensorboard 2>data/tensorboard/err.log &); \ +CMD git pull && \ + pip3 install -r requirements.txt && \ + (tensorboard --logdir=data/tensorboard 2>data/tensorboard/err.log &); \ /bin/bash diff --git a/dockerfiles/Dockerfile3.cpu b/dockerfiles/Dockerfile3.cpu deleted file mode 100644 index b84f718..0000000 --- a/dockerfiles/Dockerfile3.cpu +++ /dev/null @@ -1,44 +0,0 @@ -# Dockerfile for CPU-only CakeChat setup - -FROM ubuntu:16.04 - -# TensorBoard-related packages versions -ARG TENSORBOARD_VERSION=1.5.0 -ARG TENSORFLOW_VERSION=1.5.0 - -# Install some dependencies -RUN apt-get update && apt-get install -y \ - curl \ - git \ - screen \ - tmux \ - sudo \ - nano \ - pkg-config \ - software-properties-common \ - unzip \ - vim \ - wget \ - python3 \ - python3-dev \ - python3-pip \ - python3-setuptools \ - && \ - apt-get clean && \ - apt-get autoremove && \ - rm -rf /var/lib/apt/lists/* - -# Install up-to-date pip -RUN pip3 --no-cache-dir install -U pip - -# setup cakechat and install dependencies -RUN git clone https://github.com/lukalabs/cakechat.git /root/cakechat -RUN pip3 --no-cache-dir install -r /root/cakechat/requirements.txt - -# setup Tensorboard for monitoring the training process -RUN pip3 install tensorflow-tensorboard==$TENSORBOARD_VERSION tensorflow==$TENSORFLOW_VERSION -RUN mkdir -p /root/cakechat/data/tensorboard - -WORKDIR /root/cakechat -CMD (tensorboard --logdir=data/tensorboard 2>data/tensorboard/err.log &); \ - /bin/bash diff --git a/dockerfiles/Dockerfile3.gpu b/dockerfiles/Dockerfile3.gpu deleted file mode 100644 index 1e3572d..0000000 --- a/dockerfiles/Dockerfile3.gpu +++ /dev/null @@ -1,102 +0,0 @@ -# Dockerfile for GPU-enabled CakeChat with Theano and libgpuarray built from source - -FROM nvidia/cuda:8.0-cudnn5-devel-ubuntu16.04 - -# Theano-related packages versions -ARG THEANO_VERSION=rel-0.9.0 -ARG GPUARRAY_VERSION=v0.6.2 - -# TensorBoard-related packages versions -ARG TENSORBOARD_VERSION=1.5.0 -ARG TENSORFLOW_VERSION=1.5.0 - -# Install some dependencies -RUN apt-get update && apt-get install -y \ - bc \ - build-essential \ - cmake \ - curl \ - g++ \ - gfortran \ - git \ - libffi-dev \ - libfreetype6-dev \ - libhdf5-dev \ - libjpeg-dev \ - liblcms2-dev \ - libopenblas-dev \ - liblapack-dev \ - libpng12-dev \ - libssl-dev \ - libtiff5-dev \ - libwebp-dev \ - libzmq3-dev \ - nano \ - pkg-config \ - python3 \ - python3-dev \ - python3-pip \ - python3-setuptools \ - software-properties-common \ - unzip \ - vim \ - wget \ - zlib1g-dev \ - && \ - apt-get clean && \ - apt-get autoremove && \ - rm -rf /var/lib/apt/lists/* && \ -# Link BLAS library to use OpenBLAS using the alternatives mechanism (https://www.scipy.org/scipylib/building/linux.html#debian-ubuntu) - update-alternatives --set libblas.so.3 /usr/lib/openblas-base/libblas.so.3 - -# Set python3 to default python, cmake fails without it -RUN update-alternatives --install /usr/bin/python python /usr/bin/python3 10 - -# Install up-to-date pip3 -RUN pip3 --no-cache-dir install -U pip - -# Build & install libgpuarray -RUN pip3 --no-cache-dir install \ - Cython==0.25.2 \ - numpy==1.12.1 \ - Mako==1.0.7 \ - nose==1.3.7 - -RUN git clone https://github.com/Theano/libgpuarray.git /root/libgpuarray && \ - cd /root/libgpuarray && git checkout $GPUARRAY_VERSION && mkdir Build && cd Build && \ - cmake .. -DCMAKE_BUILD_TYPE=Release && make -j16 && make install && \ - cd .. && python3 setup.py build && python3 setup.py install && ldconfig - -RUN rm -rf /root/libgpuarray - -# Install Theano and set up Theano config (.theanorc) for CUDA and OpenBLAS -RUN pip3 --no-cache-dir install git+git://github.com/Theano/Theano.git@$THEANO_VERSION && \ - \ - echo "[global]\ndevice=cuda\nfloatX=float32\noptimizer_including=cudnn\nmode=FAST_RUN \ - \n[gpuarray]\npreallocatem=0.95 \ - \n[blas]\nldflag = -L/usr/lib/openblas-base -lopenblas \ - \n[DebugMode]\ncheck_finite=1" \ - > /root/.theanorc - - -# Install CakeChat & development tools -RUN apt-get update && apt-get install -y \ - git \ - screen \ - tmux \ - vim \ - sudo \ - && \ - rm -rf /var/lib/apt/lists/* - -# setup cakechat and install dependencies -RUN git clone https://github.com/lukalabs/cakechat.git /root/cakechat -RUN pip3 --no-cache-dir install -r /root/cakechat/requirements.txt - -# setup Tensorboard for monitoring the training process -RUN pip3 install tensorflow-tensorboard==$TENSORBOARD_VERSION tensorflow==$TENSORFLOW_VERSION -RUN mkdir -p /root/cakechat/data/tensorboard - -WORKDIR /root/cakechat -CMD (tensorboard --logdir=data/tensorboard 2>data/tensorboard/err.log &); \ - /bin/bash diff --git a/requirements-local.txt b/requirements-local.txt new file mode 100644 index 0000000..6356118 --- /dev/null +++ b/requirements-local.txt @@ -0,0 +1,2 @@ +tensorflow==1.12.0 +tensorboard==1.12.0 diff --git a/requirements.txt b/requirements.txt index 6e22837..785c088 100644 --- a/requirements.txt +++ b/requirements.txt @@ -1,15 +1,16 @@ +# tensorflow and horovod should be presented in a base docker image or installed manually (see requirements-local.txt) flask==1.0.2 -numpy==1.14.4 -pandas==0.23.0 -Theano==0.9.0 -https://github.com/Lasagne/Lasagne/archive/master.zip +numpy==1.16.0 +pandas==0.23.4 unicodecsv==0.14.1 requests==2.21.0 -nltk==3.2.5 -scipy==0.19.1 -scikit-learn==0.19.1 -tensorboard-logger==0.0.4 -telepot==12.5 +nltk==3.4 +scipy==1.2.0 +scikit-learn==0.20.2 +keras==2.2.4 +telepot==12.6 # 12.6 is the latest version compatible (via aiohttp) with python 3.5.2 (ubuntu 16.04 default) gensim==1.0.1 -six==1.11.0 -cachetools==2.1.0 +cachetools==3.0.0 +# Internal requirements +gunicorn==19.9.0 +tqdm==4.30.0 diff --git a/tools/distributed_train.py b/tools/distributed_train.py new file mode 100644 index 0000000..2cefef8 --- /dev/null +++ b/tools/distributed_train.py @@ -0,0 +1,26 @@ +import os +import sys +import argparse + +sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) + +from cakechat.utils.env import run_horovod_train + + +def parse_args(): + argparser = argparse.ArgumentParser() + argparser.add_argument('-g', '--gpu-ids', action='store', nargs='+', required=True) + argparser.add_argument('-s', '--train-subset-size', action='store', type=int) + args = argparser.parse_args() + + return args + + +if __name__ == '__main__': + args = parse_args() + + train_cmd = 'python tools/train.py' + if args.train_subset_size: + train_cmd += ' -s {}'.format(args.train_subset_size) + + run_horovod_train(train_cmd, args.gpu_ids) diff --git a/tools/download_model.py b/tools/download_model.py deleted file mode 100644 index bf0fbbc..0000000 --- a/tools/download_model.py +++ /dev/null @@ -1,26 +0,0 @@ -#!/usr/bin/env python -""" -Gets trained model and warms it up (i.e. compiles and dumps corresponding prediction functions) -""" - -import os -import sys - -sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) - -from cakechat.utils.env import init_theano_env - -init_theano_env() - -from cakechat.dialog_model.factory import get_trained_model -from cakechat.utils.logger import get_tools_logger - -_logger = get_tools_logger(__file__) - -if __name__ == '__main__': - _logger.info('Fetching and pre-compiling pre-trained model...') - get_trained_model(fetch_from_s3=True) - _logger.info('Successfully resolved and compiled model.') - _logger.info('Fetching and pre-compiling additional reverse-model for MMI reranking...') - get_trained_model(fetch_from_s3=True, reverse=True) - _logger.info('Successfully resolved and compiled reverse-model.') diff --git a/tools/fetch.py b/tools/fetch.py new file mode 100644 index 0000000..5780b4a --- /dev/null +++ b/tools/fetch.py @@ -0,0 +1,46 @@ +#!/usr/bin/env python +""" +Gets trained model and warms it up (i.e. compiles and dumps corresponding prediction functions) +""" +import argparse +import os +import sys + +sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) + +from cakechat.utils.env import init_keras + +init_keras() + +from cakechat.dialog_model.factory import get_trained_model +from cakechat.utils.logger import get_tools_logger +from cakechat.utils.w2v.model import get_w2v_model + +_logger = get_tools_logger(__file__) + + +def parse_args(): + argparser = argparse.ArgumentParser() + argparser.add_argument( + '-m', + '--model', + action='store', + choices=['default', 'reverse', 'w2v', 'all'], + help='Fetch models from s3 to disk', + default='all') + args = argparser.parse_args() + + return args + + +if __name__ == '__main__': + args = parse_args() + + if args.model in {'default', 'all'}: + get_trained_model(fetch_from_s3=True) + + if args.model in {'reverse', 'all'}: + get_trained_model(fetch_from_s3=True, is_reverse_model=True) + + if args.model in {'w2v', 'all'}: + get_w2v_model(fetch_from_s3=True) diff --git a/tools/generate_predictions.py b/tools/generate_predictions.py index 4524aaa..1eb57dd 100644 --- a/tools/generate_predictions.py +++ b/tools/generate_predictions.py @@ -4,38 +4,37 @@ sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) -from cakechat.utils.env import init_theano_env +from cakechat.utils.env import init_cuda_env -init_theano_env() +init_cuda_env() -from cakechat.dialog_model.model import get_nn_model +from cakechat.dialog_model.factory import get_reverse_model +from cakechat.dialog_model.model import CakeChatModel from cakechat.dialog_model.model_utils import transform_contexts_to_token_ids, lines_to_context from cakechat.dialog_model.quality import log_predictions, calculate_and_log_val_metrics from cakechat.utils.files_utils import is_non_empty_file from cakechat.utils.logger import get_tools_logger +from cakechat.utils.data_types import ModelParam from cakechat.utils.dataset_loader import get_tokenized_test_lines, load_context_free_val, \ - load_context_sensitive_val + load_context_sensitive_val, get_validation_data_id, get_validation_sets_names from cakechat.utils.text_processing import get_index_to_token_path, load_index_to_item, get_index_to_condition_path +from cakechat.utils.w2v.model import get_w2v_model_id from cakechat.config import BASE_CORPUS_NAME, QUESTIONS_CORPUS_NAME, INPUT_SEQUENCE_LENGTH, INPUT_CONTEXT_SIZE, \ - PREDICTION_MODES, DATA_DIR, DEFAULT_TEMPERATURE, PREDICTION_MODE_FOR_TESTS + PREDICTION_MODES, PREDICTION_MODE_FOR_TESTS, RESULTS_PATH, DEFAULT_TEMPERATURE, TRAIN_CORPUS_NAME, \ + USE_PRETRAINED_W2V_EMBEDDINGS_LAYER _logger = get_tools_logger(__file__) -def _save_test_results(test_dataset, predictions_filename, nn_model, prediction_modes, **kwargs): +def _save_test_results(test_dataset, predictions_filename, nn_model, prediction_mode, **kwargs): + context_sensitive_val = load_context_sensitive_val(nn_model.token_to_index, nn_model.condition_to_index) + context_free_val = load_context_free_val(nn_model.token_to_index) + calculate_and_log_val_metrics(nn_model, context_sensitive_val, context_free_val, prediction_mode, + calculate_ngram_distance=False) + test_dataset_ids = transform_contexts_to_token_ids( list(lines_to_context(test_dataset)), nn_model.token_to_index, INPUT_SEQUENCE_LENGTH, INPUT_CONTEXT_SIZE) - - calculate_and_log_val_metrics(nn_model, - load_context_sensitive_val(nn_model.token_to_index, nn_model.condition_to_index), - load_context_free_val(nn_model.token_to_index)) - - log_predictions( - predictions_filename, - test_dataset_ids, - nn_model, - prediction_modes, - **kwargs) + log_predictions(predictions_filename, test_dataset_ids, nn_model, prediction_modes=[prediction_mode], **kwargs) def predict(model_path, @@ -45,7 +44,6 @@ def predict(model_path, reverse_model_weights=None, temperatures=None, prediction_mode=None): - if not tokens_index_path: tokens_index_path = get_index_to_token_path(BASE_CORPUS_NAME) if not conditions_index_path: @@ -72,11 +70,22 @@ def predict(model_path, index_to_token = load_index_to_item(tokens_index_path) index_to_condition = load_index_to_item(conditions_index_path) + w2v_model_id = get_w2v_model_id() if USE_PRETRAINED_W2V_EMBEDDINGS_LAYER else None + + nn_model = CakeChatModel( + index_to_token, + index_to_condition, + training_data_param=ModelParam(value=None, id=TRAIN_CORPUS_NAME), + validation_data_param=ModelParam(value=None, id=get_validation_data_id(get_validation_sets_names())), + w2v_model_param=ModelParam(value=None, id=w2v_model_id), + model_init_path=model_path, + reverse_model=get_reverse_model(prediction_mode)) - nn_model, _ = get_nn_model(index_to_token, index_to_condition, model_init_path=model_path) + nn_model.init_model() + nn_model.resolve_model() if not default_predictions_path: - default_predictions_path = os.path.join(DATA_DIR, 'results', 'predictions_' + nn_model.model_name) + default_predictions_path = os.path.join(RESULTS_PATH, 'results', 'predictions_' + nn_model.model_name) # Get path for each combination of parameters predictions_paths = [] @@ -91,30 +100,24 @@ def predict(model_path, else: predictions_paths = [default_predictions_path + '.tsv'] - _logger.info('Model for prediction:\n{}'.format(nn_model.model_load_path)) - _logger.info('Tokens index:\n{}'.format(tokens_index_path)) - _logger.info('File with questions:\n{}'.format(QUESTIONS_CORPUS_NAME)) - _logger.info('Files to dump responses:\n{}'.format('\n'.join(predictions_paths))) - _logger.info('Prediction parameters\n{}'.format('\n'.join([str(x) for x in prediction_params]))) + _logger.info('Model for prediction: {}'.format(nn_model.model_path)) + _logger.info('Tokens index: {}'.format(tokens_index_path)) + _logger.info('File with questions: {}'.format(QUESTIONS_CORPUS_NAME)) + _logger.info('Files to dump responses: {}'.format('\n'.join(predictions_paths))) + _logger.info('Prediction parameters {}'.format('\n'.join([str(x) for x in prediction_params]))) processed_test_set = get_tokenized_test_lines(QUESTIONS_CORPUS_NAME, set(index_to_token.values())) - processed_test_set = list(processed_test_set) for cur_params, cur_path in zip(prediction_params, predictions_paths): _logger.info('Predicting with the following params: {}'.format(cur_params)) - _save_test_results(processed_test_set, cur_path, nn_model, prediction_modes=[prediction_mode]) + _save_test_results(processed_test_set, cur_path, nn_model, prediction_mode, **cur_params) def parse_args(): argparser = argparse.ArgumentParser() argparser.add_argument( - '-p', - '--prediction-mode', - action='store', - help='Prediction mode', - choices=PREDICTION_MODES, - default=None) + '-p', '--prediction-mode', action='store', help='Prediction mode', choices=PREDICTION_MODES, default=None) argparser.add_argument( '-m', @@ -154,13 +157,7 @@ def parse_args(): help='Reverse model score weight for prediction with MMI-reranking objective. Used only in *-reranking modes', default=None) - argparser.add_argument( - '-t', - '--temperatures', - action='append', - help='temperature values', - default=None, - type=float) + argparser.add_argument('-t', '--temperatures', action='append', help='temperature values', default=None, type=float) args = argparser.parse_args() diff --git a/tools/generate_predictions_for_condition.py b/tools/generate_predictions_for_condition.py index 0b09513..7ffa58f 100644 --- a/tools/generate_predictions_for_condition.py +++ b/tools/generate_predictions_for_condition.py @@ -1,5 +1,3 @@ -from __future__ import print_function - import argparse import os import sys @@ -8,12 +6,13 @@ sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) -from cakechat.utils.env import init_theano_env -init_theano_env() +from cakechat.utils.env import init_cuda_env + +init_cuda_env() from cakechat.config import QUESTIONS_CORPUS_NAME, INPUT_SEQUENCE_LENGTH, INPUT_CONTEXT_SIZE, \ - PREDICTION_MODES, PREDICTION_MODE_FOR_TESTS, DEFAULT_CONDITION, RANDOM_SEED + PREDICTION_MODES, PREDICTION_MODE_FOR_TESTS, DEFAULT_CONDITION, RANDOM_SEED, INTX from cakechat.utils.text_processing import get_tokens_sequence, replace_out_of_voc_tokens from cakechat.utils.dataset_loader import get_tokenized_test_lines from cakechat.dialog_model.model_utils import transform_context_token_ids_to_sentences, \ @@ -39,7 +38,7 @@ def transform_lines_to_contexts_token_ids(tokenized_lines, nn_model): def predict_for_condition_id(nn_model, contexts, condition_id, prediction_mode=PREDICTION_MODE_FOR_TESTS): - condition_ids = np.array([condition_id] * contexts.shape[0], dtype=np.int32) + condition_ids = np.array([condition_id] * contexts.shape[0], dtype=INTX) responses = get_nn_responses( contexts, nn_model, mode=prediction_mode, output_candidates_num=1, condition_ids=condition_ids) return [candidates[0] for candidates in responses] @@ -51,8 +50,8 @@ def print_predictions(nn_model, contexts_token_ids, condition, prediction_mode=P nn_model, contexts_token_ids, nn_model.condition_to_index[condition], prediction_mode=prediction_mode) for x, y in zip(x_sents, y_sents): - print('condition: %s; context: %s' % (condition.encode('utf8'), x.encode('utf8'))) - print('response: %s' % y.encode('utf8')) + print('condition: {}; context: {}'.format(condition, x)) + print('response: {}'.format(y)) print() @@ -79,7 +78,7 @@ def parse_args(): nn_model = get_trained_model() if args.text: - tokenized_lines = process_text(nn_model, args.text.decode('utf8')) + tokenized_lines = process_text(nn_model, args.text) else: tokenized_lines = load_corpus(nn_model, args.data) diff --git a/tools/prepare_index_files.py b/tools/prepare_index_files.py index 3c2f33d..cd61fa0 100644 --- a/tools/prepare_index_files.py +++ b/tools/prepare_index_files.py @@ -3,22 +3,24 @@ sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) -import codecs from collections import Counter import json +from tqdm import tqdm + from cakechat.utils.files_utils import is_non_empty_file, ensure_dir from cakechat.utils.text_processing import get_tokens_sequence, get_processed_corpus_path, get_index_to_token_path, \ get_index_to_condition_path, load_processed_dialogs_from_json, FileTextLinesIterator, SPECIAL_TOKENS -from cakechat.config import BASE_CORPUS_NAME, TRAIN_CORPUS_NAME, DEFAULT_CONDITION +from cakechat.config import BASE_CORPUS_NAME, TRAIN_CORPUS_NAME, DEFAULT_CONDITION, VOCABULARY_MAX_SIZE, MAX_CONDITIONS_NUM -MAX_TOKENS_NUM = 50000 -MAX_CONDITIONS_NUM = 5 TEXT_FIELD_NAME = 'text' CONDITION_FIELD_NAME = 'condition' +SIMPLE_TOKENIZE = False # Set to True if you want to use str.split() instead of get_tokens_sequence() for +# tokenization -def build_index_mappings(corpus_path, max_tokens_num=MAX_TOKENS_NUM, max_conditions_num=MAX_CONDITIONS_NUM): +def build_index_mappings(corpus_path, max_tokens_num=VOCABULARY_MAX_SIZE, max_conditions_num=MAX_CONDITIONS_NUM, + simple_tokenize=SIMPLE_TOKENIZE): if not is_non_empty_file(corpus_path): raise ValueError('Test corpus file doesn\'t exist: {}'.format(corpus_path)) @@ -28,12 +30,12 @@ def build_index_mappings(corpus_path, max_tokens_num=MAX_TOKENS_NUM, max_conditi tokens_counter = Counter() conditions_counter = Counter() - for dialog in dialogs: + for dialog in tqdm(dialogs): for utterance in dialog: - # Tokenize dialog utterance text and update tokens count - tokens = get_tokens_sequence(utterance[TEXT_FIELD_NAME]) - tokens_counter += Counter(tokens) - # Update conditions count + tokens = utterance[TEXT_FIELD_NAME].split() if simple_tokenize else \ + get_tokens_sequence(utterance[TEXT_FIELD_NAME]) + + tokens_counter.update(tokens) conditions_counter[utterance[CONDITION_FIELD_NAME]] += 1 # Build the tokens list @@ -45,7 +47,7 @@ def build_index_mappings(corpus_path, max_tokens_num=MAX_TOKENS_NUM, max_conditi # Validate the condition list if DEFAULT_CONDITION not in conditions: - raise Exception('No default condition "%s" found in the dataset condition list.' % DEFAULT_CONDITION) + raise Exception('No default condition "{}" found in the dataset condition list.'.format(DEFAULT_CONDITION)) # Return index_to_token and index_to_condition mappings return dict(enumerate(vocab)), dict(enumerate(conditions)) @@ -53,7 +55,7 @@ def build_index_mappings(corpus_path, max_tokens_num=MAX_TOKENS_NUM, max_conditi def dump_index_to_item(index_to_item, path): ensure_dir(os.path.dirname(path)) - with codecs.open(path, 'w', 'utf-8') as fh: + with open(path, 'w', encoding='utf-8') as fh: json.dump(index_to_item, fh, ensure_ascii=False) diff --git a/tools/quality/condition_quality.py b/tools/quality/condition_quality.py index dbae4b5..57f9a57 100644 --- a/tools/quality/condition_quality.py +++ b/tools/quality/condition_quality.py @@ -3,12 +3,9 @@ sys.path.append(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))) -import numpy as np -from six import iteritems +from cakechat.utils.env import init_cuda_env -from cakechat.utils.env import init_theano_env - -init_theano_env() +init_cuda_env() from cakechat.utils.dataset_loader import load_datasets from cakechat.utils.data_types import Dataset @@ -18,9 +15,7 @@ from cakechat.dialog_model.inference import get_nn_responses from cakechat.dialog_model.quality import calculate_model_mean_perplexity, get_tfidf_vectorizer, \ calculate_lexical_similarity -from cakechat.config import PREDICTION_MODE_FOR_TESTS, DEFAULT_CONDITION, RANDOM_SEED - -np.random.seed(seed=RANDOM_SEED) +from cakechat.config import PREDICTION_MODE_FOR_TESTS, DEFAULT_CONDITION _logger = get_tools_logger(__file__) @@ -35,40 +30,42 @@ def _slice_condition_data(dataset, condition_id): x=dataset.x[condition_mask], y=dataset.y[condition_mask], condition_ids=dataset.condition_ids[condition_mask]) -def calc_perplexity_metrics(nn_model, train_subset, subset_with_conditions, validation): - ppl_non_conditioned_train_subset = calculate_model_mean_perplexity(nn_model, _make_non_conditioned(train_subset)) - ppl_train_subset = calculate_model_mean_perplexity(nn_model, train_subset) - - ppl_non_conditioned_subset_with_conditions = calculate_model_mean_perplexity( - nn_model, _make_non_conditioned(subset_with_conditions)) - ppl_subset_with_conditions = calculate_model_mean_perplexity(nn_model, subset_with_conditions) - - ppl_validation = calculate_model_mean_perplexity(nn_model, validation) - +def calc_perplexity_metrics(nn_model, eval_datasets): return { - 'perplexity_train_subset_no_cond': ppl_non_conditioned_train_subset, - 'perplexity_train_subset': ppl_train_subset, - 'perplexity_subset_with_conditions_no_cond': ppl_non_conditioned_subset_with_conditions, - 'perplexity_subset_with_conditions': ppl_subset_with_conditions, - 'perplexity_validation': ppl_validation, + 'ppl_cs_test': + calculate_model_mean_perplexity(nn_model, eval_datasets.cs_test), + 'ppl_cs_test_not_conditioned': + calculate_model_mean_perplexity(nn_model, _make_non_conditioned(eval_datasets.cs_test)), + 'ppl_cs_test_one_condition': + calculate_model_mean_perplexity(nn_model, eval_datasets.cs_test_one_condition), + 'ppl_cs_test_one_condition_not_conditioned': + calculate_model_mean_perplexity(nn_model, _make_non_conditioned(eval_datasets.cs_test_one_condition)), + 'ppl_cf_validation': + calculate_model_mean_perplexity(nn_model, eval_datasets.cf_validation) } -def calc_perplexity_by_condition_metrics(nn_model, train): +def calc_perplexity_for_conditions(nn_model, dataset): + cond_to_ppl_conditioned, cond_to_ppl_not_conditioned = {}, {} + for condition, condition_id in nn_model.condition_to_index.items(): if condition == DEFAULT_CONDITION: continue - dataset_with_conditions = _slice_condition_data(train, condition_id) + dataset_with_conditions = _slice_condition_data(dataset, condition_id) if not dataset_with_conditions.x.size: - _logger.warning('No dataset samples found with the given condition "%s", skipping metrics.' % condition) + _logger.warning( + 'No dataset samples found with the given condition "{}", skipping metrics.'.format(condition)) continue - ppl_non_conditioned = calculate_model_mean_perplexity(nn_model, _make_non_conditioned(dataset_with_conditions)) - ppl_conditioned = calculate_model_mean_perplexity(nn_model, dataset_with_conditions) + cond_to_ppl_conditioned[condition] = \ + calculate_model_mean_perplexity(nn_model, _make_non_conditioned(dataset_with_conditions)) + + cond_to_ppl_not_conditioned[condition] = \ + calculate_model_mean_perplexity(nn_model, dataset_with_conditions) - yield condition, (ppl_non_conditioned, ppl_conditioned) + return cond_to_ppl_conditioned, cond_to_ppl_not_conditioned def predict_for_condition_id(nn_model, x_val, condition_id=None): @@ -76,47 +73,69 @@ def predict_for_condition_id(nn_model, x_val, condition_id=None): return [candidates[0] for candidates in responses] -def calc_lexical_similarity_metrics(nn_model, train, questions, tfidf_vectorizer): - responses_baseline = predict_for_condition_id(nn_model, questions.x) +def calc_lexical_similarity_metrics(nn_model, testset, tfidf_vectorizer): + """ + For each condition calculate lexical similarity between ground-truth responses and + generated conditioned responses. Similarly compare ground-truth responses with non-conditioned generated responses. + If lex_sim(gt, cond_resp) > lex_sim(gt, non_cond_resp), the conditioning on extra information proves to be useful. + :param nn_model: trained model to evaluate + :param testset: context-sensitive testset, instance of Dataset + :param tfidf_vectorizer: instance of scikit-learn TfidfVectorizer, calculates lexical similariry for documents + according to TF-IDF metric + :return: two dictionaries: + {condition: lex_sim(gt, cond_resp)}, + {condition: lex_sim(gt, non_cond_resp)} + """ + gt_vs_cond_lex_sim, gt_vs_non_cond_lex_sim = {}, {} for condition, condition_id in nn_model.condition_to_index.items(): - if condition == DEFAULT_CONDITION: - continue + sample_mask_for_condition = testset.condition_ids == condition_id + contexts_for_condition = testset.x[sample_mask_for_condition] + responses_for_condition = testset.y[sample_mask_for_condition] - responses_token_ids_ground_truth = train.y[train.condition_ids == condition_id] - if not responses_token_ids_ground_truth.size: - _logger.warning('No dataset samples found with the given condition "%s", skipping metrics.' % condition) + if not responses_for_condition.size: + _logger.warning('No dataset samples found for condition "{}", skip it.'.format(condition)) continue - responses_ground_truth = transform_token_ids_to_sentences(responses_token_ids_ground_truth, - nn_model.index_to_token) - responses = predict_for_condition_id(nn_model, questions.x, condition_id) + gt_responses = transform_token_ids_to_sentences(responses_for_condition, nn_model.index_to_token) + conditioned_responses = predict_for_condition_id(nn_model, contexts_for_condition, condition_id) + non_conditioned_responses = predict_for_condition_id(nn_model, contexts_for_condition, condition_id=None) - lex_sim_conditioned_vs_non_conditioned = calculate_lexical_similarity(responses, responses_baseline, - tfidf_vectorizer) - lex_sim_conditioned_vs_groundtruth = calculate_lexical_similarity(responses, responses_ground_truth, - tfidf_vectorizer) + gt_vs_cond_lex_sim[condition] = \ + calculate_lexical_similarity(gt_responses, conditioned_responses, tfidf_vectorizer) - yield condition, (lex_sim_conditioned_vs_non_conditioned, lex_sim_conditioned_vs_groundtruth) + gt_vs_non_cond_lex_sim[condition] = \ + calculate_lexical_similarity(gt_responses, non_conditioned_responses, tfidf_vectorizer) + + return gt_vs_cond_lex_sim, gt_vs_non_cond_lex_sim if __name__ == '__main__': nn_model = get_trained_model() - train, questions, validation, train_subset, conditioned_subset = load_datasets(nn_model.token_to_index, - nn_model.condition_to_index) - tfidf_vectorizer = get_tfidf_vectorizer() - - for metric, perplexity in iteritems(calc_perplexity_metrics(nn_model, train_subset, conditioned_subset, - validation)): - _logger.info('Metric: {}, perplexity: {}'.format(metric, perplexity)) - - for condition, (ppl_non_conditioned, ppl_conditioned) in calc_perplexity_by_condition_metrics(nn_model, train): - _logger.info('Condition: {}, non-conditioned perplexity: {}, conditioned perplexity: {}'.format( - condition, ppl_non_conditioned, ppl_conditioned)) - - for condition, (lex_sim_conditioned_vs_non_conditioned, lex_sim_conditioned_vs_groundtruth) in \ - calc_lexical_similarity_metrics(nn_model, train, questions, tfidf_vectorizer): - _logger.info('Condition: {}, conditioned vs non-conditioned lexical similarity: {}'.format( - condition, lex_sim_conditioned_vs_non_conditioned)) - _logger.info('Condition: {}, conditioned vs groundtruth lexical similarity: {}'.format( - condition, lex_sim_conditioned_vs_groundtruth)) + eval_datasets = load_datasets(nn_model.token_to_index, nn_model.condition_to_index) + + print('\nPerplexity on datasets:') + for dataset, perplexity in calc_perplexity_metrics(nn_model, eval_datasets).items(): + print('\t{}: \t{:.1f}'.format(dataset, perplexity)) + + cond_to_ppl_conditioned, cond_to_ppl_not_conditioned = \ + calc_perplexity_for_conditions(nn_model, eval_datasets.cs_test) + + print('\nPerplexity on conditioned testset for conditions:') + for condition, perplexity in cond_to_ppl_conditioned.items(): + print('\t{}: \t{:.1f}'.format(condition, perplexity)) + + print('\nPerplexity on non-conditioned testset for conditions:') + for condition, perplexity in cond_to_ppl_not_conditioned.items(): + print('\t{}: \t{:.1f}'.format(condition, perplexity)) + + gt_vs_cond_lex_sim, gt_vs_non_cond_lex_sim = \ + calc_lexical_similarity_metrics(nn_model, eval_datasets.cs_test, get_tfidf_vectorizer()) + + print('\nLexical similarity, ground-truth vs. conditioned responses:') + for condition, lex_sim in gt_vs_cond_lex_sim.items(): + print('\t{}: \t{:.2f}'.format(condition, lex_sim)) + + print('\nLexical similarity, ground-truth vs. non-conditioned responses:') + for condition, lex_sim in gt_vs_non_cond_lex_sim.items(): + print('\t{}: \t{:.2f}'.format(condition, lex_sim)) diff --git a/tools/quality/prediction_distinctness.py b/tools/quality/prediction_distinctness.py index 8d6ae37..abdc468 100644 --- a/tools/quality/prediction_distinctness.py +++ b/tools/quality/prediction_distinctness.py @@ -1,25 +1,20 @@ -from __future__ import print_function - +import argparse import os import sys -import argparse - -from six.moves import xrange sys.path.append(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))) import numpy as np -from cakechat.utils.env import init_theano_env +from cakechat.utils.env import init_cuda_env -init_theano_env() +init_cuda_env() -from cakechat.dialog_model.model import get_nn_model +from cakechat.dialog_model.factory import get_trained_model from cakechat.dialog_model.quality import calculate_response_ngram_distinctness from cakechat.utils.dataset_loader import load_datasets, load_questions_set -from cakechat.utils.text_processing import get_index_to_token_path, load_index_to_item, get_index_to_condition_path from cakechat.utils.logger import get_tools_logger -from cakechat.config import BASE_CORPUS_NAME, PREDICTION_MODES, PREDICTION_MODE_FOR_TESTS +from cakechat.config import PREDICTION_MODES, PREDICTION_MODE_FOR_TESTS _logger = get_tools_logger(__file__) @@ -28,7 +23,7 @@ def log_distinct_metrics(nn_model, x, condition_ids=None, samples_num=1, ngram_l for ngram_length in ngram_lengths: scores = [ calculate_response_ngram_distinctness(x, nn_model, ngram_len=ngram_length, condition_ids=condition_ids) - for _ in xrange(samples_num) + for _ in range(samples_num) ] scores_mean = np.mean(scores) scores_std = np.std(scores) @@ -38,50 +33,36 @@ def log_distinct_metrics(nn_model, x, condition_ids=None, samples_num=1, ngram_l print(result) -def load_model(model_path, tokens_index_path=None, conditions_index_path=None): - if tokens_index_path is None: - tokens_index_path = get_index_to_token_path(BASE_CORPUS_NAME) - if conditions_index_path is None: - conditions_index_path = get_index_to_condition_path(BASE_CORPUS_NAME) - - index_to_token = load_index_to_item(tokens_index_path) - index_to_condition = load_index_to_item(conditions_index_path) - nn_model, model_exists = get_nn_model(index_to_token, index_to_condition, model_path) - - if not model_exists: - raise ValueError('Couldn\'t find model: "{}".'.format(model_path)) - - return nn_model - - def evaluate_distinctness(args): if args.sample_size > 1 and PREDICTION_MODE_FOR_TESTS == PREDICTION_MODES.beamsearch: _logger.waring('Using sample_size > 1 is meaningless with prediction_mode=\'beamsearch\' because there\'s no ' 'randomness in the prediction. Use sample_size=1 instead.') - nn_model = load_model(args.model, args.tokens_index, args.conditions_index) + nn_model = get_trained_model() if args.validation_only: validation = load_questions_set(nn_model.token_to_index) validation_set_name = 'context free questions' else: - train, _, validation, train_subset, defined_condition_subset = load_datasets( - nn_model.token_to_index, nn_model.condition_to_index) + eval_datasets = load_datasets(nn_model.token_to_index, nn_model.condition_to_index) + validation = eval_datasets.cf_validation + cs_test = eval_datasets.cs_test + cs_test_one_condition = eval_datasets.cs_test_one_condition validation_set_name = 'validation set without conditions' - _logger.info('Evaluating distinctness for train subset without conditions') - log_distinct_metrics(nn_model, train_subset.x, samples_num=args.sample_size) + _logger.info('Evaluating distinctness for context sensitive testset without conditions') + log_distinct_metrics(nn_model, cs_test.x, samples_num=args.sample_size) - _logger.info('Evaluating distinctness for train subset with conditions') - log_distinct_metrics(nn_model, train_subset.x, train_subset.condition_ids, samples_num=args.sample_size) + _logger.info('Evaluating distinctness for context sensitive testset with conditions') + log_distinct_metrics(nn_model, cs_test.x, cs_test.condition_ids, samples_num=args.sample_size) _logger.info('Evaluating distinctness for defined-conditions-subset without conditions') - log_distinct_metrics(nn_model, defined_condition_subset.x, samples_num=args.sample_size) + log_distinct_metrics(nn_model, cs_test_one_condition.x, samples_num=args.sample_size) _logger.info('Evaluating distinctness for defined-conditions-subset with conditions') log_distinct_metrics( - nn_model, defined_condition_subset.x, defined_condition_subset.condition_ids, samples_num=args.sample_size) + nn_model, cs_test_one_condition.x, cs_test_one_condition.condition_ids, samples_num=args.sample_size) _logger.info('Evaluating distinctness for {}'.format(validation_set_name)) log_distinct_metrics(nn_model, validation.x, samples_num=args.sample_size) @@ -90,28 +71,6 @@ def evaluate_distinctness(args): if __name__ == '__main__': argparser = argparse.ArgumentParser() - argparser.add_argument( - '-m', - '--model', - action='store', - default=None, - help='Path to the file with your model. ' - 'Be careful, model parameters are inferred from the config, not from the filename') - - argparser.add_argument( - '-t', - '--tokens_index', - action='store', - default=None, - help='Path to the json file with index_to_token dictionary.') - - argparser.add_argument( - '-c', - '--conditions_index', - action='store', - default=None, - help='Path to the json file with index_to_condition dictionary.') - argparser.add_argument( '-s', '--sample_size', action='store', default=1, type=int, help='Number of samples to average over') diff --git a/tools/quality/ranking_quality.py b/tools/quality/ranking_quality.py index ba3a243..548b657 100644 --- a/tools/quality/ranking_quality.py +++ b/tools/quality/ranking_quality.py @@ -1,16 +1,11 @@ -from __future__ import print_function - import os import sys -from six import iteritems -from six.moves import xrange - sys.path.append(os.path.dirname(os.path.dirname(os.path.dirname(os.path.abspath(__file__))))) -from cakechat.utils.env import init_theano_env +from cakechat.utils.env import init_cuda_env -init_theano_env() +init_cuda_env() from collections import defaultdict @@ -30,7 +25,7 @@ def _read_testset(): test_lines = load_file(corpus_path) testset = defaultdict(set) - for i in xrange(0, len(test_lines) - 1, 2): + for i in range(0, len(test_lines) - 1, 2): context = test_lines[i].strip() response = test_lines[i + 1].strip() testset[context].add(response) @@ -74,9 +69,9 @@ def _compute_metrics(model, testset): compute_recall_k, testset, context_to_weighted_responses, top_count=test_set_size // 4) } - print('Test set size = %i' % test_set_size) - for metric_name, metric_value in iteritems(metrics): - print('%s = %s' % (metric_name, metric_value)) + print('Test set size = {}'.format(test_set_size)) + for metric_name, metric_value in metrics.items(): + print('{} = {}'.format(metric_name, metric_value)) if __name__ == '__main__': diff --git a/tools/telegram_bot.py b/tools/telegram_bot.py index e8f8a4a..6f3407e 100644 --- a/tools/telegram_bot.py +++ b/tools/telegram_bot.py @@ -6,9 +6,9 @@ import argparse from collections import deque -from cakechat.utils.env import init_theano_env +from cakechat.utils.env import init_cuda_env -init_theano_env() +init_cuda_env() from cakechat.api.response import get_response from cakechat.config import INPUT_CONTEXT_SIZE, DEFAULT_CONDITION @@ -32,7 +32,7 @@ def default_handle_message(self, msg): if __name__ == '__main__': argparser = argparse.ArgumentParser() - argparser.add_argument('--token', help='Bot token') + argparser.add_argument('-t', '--token', help='Bot token') args = argparser.parse_args() TelegramBot(token=args.token).run(CakeChatTelegramChatSession) diff --git a/tools/test_api.py b/tools/test_api.py index db24bef..4d67c6b 100644 --- a/tools/test_api.py +++ b/tools/test_api.py @@ -1,5 +1,3 @@ -from __future__ import print_function - import argparse import os import sys @@ -26,7 +24,7 @@ def parse_args(): if __name__ == '__main__': args = parse_args() - url = 'http://%s:%s/cakechat_api/v1/actions/get_response' % (args.fqdn, args.port) + url = 'http://{}:{}/cakechat_api/v1/actions/get_response'.format(args.fqdn, args.port) body = {'context': args.context, 'emotion': args.emotion} response = requests.post(url, json=body) diff --git a/tools/train.py b/tools/train.py index 1980643..0c23897 100644 --- a/tools/train.py +++ b/tools/train.py @@ -1,107 +1,119 @@ import argparse import os import sys -from six.moves import map sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) -from cakechat.utils.env import init_theano_env +import random +import numpy +import tensorflow as tf -init_theano_env() +from cakechat.utils.env import init_keras, try_import_horovod -from cakechat.utils.text_processing import get_processed_corpus_path, get_index_to_token_path, \ - get_index_to_condition_path, load_processed_dialogs_from_json, load_index_to_item, FileTextLinesIterator, \ - get_flatten_dialogs, ProcessedLinesIterator, get_tokens_sequence -from cakechat.utils.files_utils import is_non_empty_file +hvd = try_import_horovod() +init_keras(hvd) + +# fix random seeds for experiments reproducibility +random.seed(42) +numpy.random.seed(42) +tf.set_random_seed(42) + +from cakechat.config import BASE_CORPUS_NAME, TRAIN_CORPUS_NAME, CONTEXT_SENSITIVE_VAL_CORPUS_NAME, \ + USE_PRETRAINED_W2V_EMBEDDINGS_LAYER, S3_MODELS_BUCKET_NAME, S3_NN_MODEL_REMOTE_DIR, PREDICTION_MODE_FOR_TESTS +from cakechat.dialog_model.factory import get_reverse_model +from cakechat.dialog_model.model import CakeChatModel +from cakechat.utils.data_types import ModelParam +from cakechat.utils.dataset_loader import get_validation_data_id, get_validation_sets_names, \ + get_validation_dataset_name_to_data, get_training_dataset +from cakechat.utils.files_utils import is_non_empty_file, FileNotFoundException from cakechat.utils.logger import get_tools_logger from cakechat.utils.s3 import S3FileResolver -from cakechat.dialog_model.train import train_model -from cakechat.dialog_model.model_utils import get_w2v_embedding_matrix -from cakechat.dialog_model.model import get_nn_model -from cakechat.config import BASE_CORPUS_NAME, TRAIN_CORPUS_NAME, CONTEXT_SENSITIVE_VAL_CORPUS_NAME, \ - USE_PRETRAINED_W2V_EMBEDDINGS_LAYER, S3_MODELS_BUCKET_NAME, S3_NN_MODEL_REMOTE_DIR +from cakechat.utils.text_processing import get_processed_corpus_path, get_index_to_token_path, \ + get_index_to_condition_path, load_index_to_item +from cakechat.utils.w2v.model import get_w2v_model_id, get_w2v_model _logger = get_tools_logger(__file__) -def _look_for_saved_model(nn_model_path): - if os.path.isfile(nn_model_path): - _logger.info('\nSaved model is found:\n{}\n'.format(nn_model_path)) - else: - _logger.info('\nCould not find previously saved model: \n{}\nWill train it from scratch\n'.format(nn_model_path)) - - def _look_for_saved_files(files_paths): for f_path in files_paths: if not is_non_empty_file(f_path): - raise Exception('\nCould not find the following file or it\'s empty: {0}'.format(f_path)) - - -def _get_w2v_embedding_matrix_by_corpus_path(processed_train_corpus_path, index_to_token): - if USE_PRETRAINED_W2V_EMBEDDINGS_LAYER: - _logger.info('Getting train iterator for w2v...') - dialogs_for_w2v = load_processed_dialogs_from_json( - FileTextLinesIterator(processed_train_corpus_path), - text_field_name='text', - condition_field_name='condition') - - _logger.info('Getting text-filtered train iterator...') - train_lines_for_w2v = map(lambda x: x['text'], get_flatten_dialogs(dialogs_for_w2v)) - - _logger.info('Getting tokenized train iterator...') - tokenized_train_lines_for_w2v = ProcessedLinesIterator( - train_lines_for_w2v, processing_callbacks=[get_tokens_sequence]) - - return get_w2v_embedding_matrix(tokenized_train_lines_for_w2v, index_to_token, add_start_end=True) - else: - return None - - -def train(init_path=None, is_reverse_model=False): - processed_train_corpus_path = get_processed_corpus_path(TRAIN_CORPUS_NAME) - processed_val_corpus_path = get_processed_corpus_path(CONTEXT_SENSITIVE_VAL_CORPUS_NAME) - index_to_token_path = get_index_to_token_path(BASE_CORPUS_NAME) - index_to_condition_path = get_index_to_condition_path(BASE_CORPUS_NAME) + raise FileNotFoundException('\nCould not find the following file or it\'s empty: {0}'.format(f_path)) + + +def train(model_init_path=None, + is_reverse_model=False, + train_subset_size=None, + use_pretrained_w2v=USE_PRETRAINED_W2V_EMBEDDINGS_LAYER, + train_corpus_name=TRAIN_CORPUS_NAME, + context_sensitive_val_corpus_name=CONTEXT_SENSITIVE_VAL_CORPUS_NAME, + base_corpus_name=BASE_CORPUS_NAME, + s3_models_bucket_name=S3_MODELS_BUCKET_NAME, + s3_nn_model_remote_dir=S3_NN_MODEL_REMOTE_DIR, + prediction_mode_for_tests=PREDICTION_MODE_FOR_TESTS): + processed_train_corpus_path = get_processed_corpus_path(train_corpus_name) + processed_val_corpus_path = get_processed_corpus_path(context_sensitive_val_corpus_name) + index_to_token_path = get_index_to_token_path(base_corpus_name) + index_to_condition_path = get_index_to_condition_path(base_corpus_name) # check the existence of all necessary files before compiling the model _look_for_saved_files(files_paths=[processed_train_corpus_path, processed_val_corpus_path, index_to_token_path]) + # load essentials for building model and training index_to_token = load_index_to_item(index_to_token_path) index_to_condition = load_index_to_item(index_to_condition_path) + token_to_index = {v: k for k, v in index_to_token.items()} + condition_to_index = {v: k for k, v in index_to_condition.items()} - w2v_matrix = _get_w2v_embedding_matrix_by_corpus_path(processed_train_corpus_path, index_to_token) + training_data_param = ModelParam( + value=get_training_dataset(train_corpus_name, token_to_index, condition_to_index, is_reverse_model, + train_subset_size), + id=train_corpus_name) - # get nn_model and train it - nn_model_resolver_factory = S3FileResolver.init_resolver(bucket_name=S3_MODELS_BUCKET_NAME, - remote_dir=S3_NN_MODEL_REMOTE_DIR) + val_sets_names = get_validation_sets_names() + validation_data_param = ModelParam( + value=get_validation_dataset_name_to_data(val_sets_names, token_to_index, condition_to_index, is_reverse_model), + id=get_validation_data_id(val_sets_names)) - nn_model, _ = get_nn_model(index_to_token, index_to_condition, model_init_path=init_path, w2v_matrix=w2v_matrix, - resolver_factory=nn_model_resolver_factory, is_reverse_model=is_reverse_model) + w2v_model_param = ModelParam(value=get_w2v_model(), id=get_w2v_model_id()) if use_pretrained_w2v \ + else ModelParam(value=None, id=None) - train_model(nn_model) + model_resolver_factory = S3FileResolver.init_resolver( + bucket_name=s3_models_bucket_name, remote_dir=s3_nn_model_remote_dir) + + reverse_model = get_reverse_model(prediction_mode_for_tests) if not is_reverse_model else None + + # build CakeChatModel + cakechat_model = CakeChatModel( + index_to_token, + index_to_condition, + training_data_param=training_data_param, + validation_data_param=validation_data_param, + w2v_model_param=w2v_model_param, + model_init_path=model_init_path, + model_resolver=model_resolver_factory, + is_reverse_model=is_reverse_model, + reverse_model=reverse_model, + horovod=hvd) + + # train model + cakechat_model.train_model() def parse_args(): argparser = argparse.ArgumentParser() argparser.add_argument( - '-r', - '--reverse', - action='store_true', - help='Pass this flag if you want to train reverse model.') - + '-r', '--reverse', action='store_true', help='Pass this flag if you want to train reverse model.') argparser.add_argument( '-i', '--init_weights', - help="Path to the file with weights that should be used for the model's initialisation") + help='Path to the file with weights that should be used for the model\'s initialisation') + argparser.add_argument('-s', '--train-subset-size', action='store', type=int) return argparser.parse_args() if __name__ == '__main__': - _logger.info('THEANO_FLAGS: {}'.format(os.environ['THEANO_FLAGS'])) - if 'SLICE_TRAINSET' in os.environ: - _logger.info('Slicing trainset to the first %d entries for faster training' % int(os.environ['SLICE_TRAINSET'])) - args = parse_args() - train(init_path=args.init_weights, is_reverse_model=args.reverse) + train(model_init_path=args.init_weights, is_reverse_model=args.reverse, train_subset_size=args.train_subset_size) diff --git a/tools/train_w2v.py b/tools/train_w2v.py new file mode 100644 index 0000000..01db8d4 --- /dev/null +++ b/tools/train_w2v.py @@ -0,0 +1,29 @@ +import os +import sys + +sys.path.append(os.path.dirname(os.path.dirname(os.path.abspath(__file__)))) + +from cakechat.utils.text_processing import get_processed_corpus_path, load_processed_dialogs_from_json, \ + FileTextLinesIterator, get_dialog_lines_and_conditions, ProcessedLinesIterator, get_flatten_dialogs +from cakechat.utils.w2v.model import _get_w2v_model as get_w2v_model +from cakechat.config import TRAIN_CORPUS_NAME, VOCABULARY_MAX_SIZE, WORD_EMBEDDING_DIMENSION, W2V_WINDOW_SIZE, \ + USE_SKIP_GRAM + +if __name__ == '__main__': + processed_corpus_path = get_processed_corpus_path(TRAIN_CORPUS_NAME) + + dialogs = load_processed_dialogs_from_json( + FileTextLinesIterator(processed_corpus_path), text_field_name='text', condition_field_name='condition') + + training_dialogs_lines_for_w2v, _ = get_dialog_lines_and_conditions( + get_flatten_dialogs(dialogs), text_field_name='text', condition_field_name='condition') + + tokenized_training_lines = ProcessedLinesIterator(training_dialogs_lines_for_w2v, processing_callbacks=[str.split]) + + get_w2v_model( + tokenized_lines=tokenized_training_lines, + corpus_name=TRAIN_CORPUS_NAME, + voc_size=VOCABULARY_MAX_SIZE, + vec_size=WORD_EMBEDDING_DIMENSION, + window_size=W2V_WINDOW_SIZE, + skip_gram=USE_SKIP_GRAM)