{ "cells": [ { "cell_type": "markdown", "metadata": {}, "source": [ "### Define Loss Functions¶\n" ] }, { "cell_type": "code", "execution_count": 1, "metadata": {}, "outputs": [], "source": [ "\"\"\"Metrics to assess performance on ordinal classification task given class prediction\n", " using hyper plane loss techniques \n", "\"\"\"\n", "\n", "# Authors: Bob Vanderheyden \n", "# Ying Xie \n", "# \n", "# Contributor: Shayan Shamskolahi\n", "\n", "import warnings\n", "warnings.filterwarnings('ignore')\n", "import tensorflow as tf\n", "import numpy as np\n", "\n", "def hpall_mean_loss(y_true, y_pred, minlabel, maxlabel, margin=0.1, ordering_loss_weight=1):\n", " \"\"\" Evaluate the ordinal hyperplane ordering loss and point loss of the predictions y_pred\\\n", " (using reduce mean).\n", "\n", " Parameters\n", " ----------\n", " y_true : array-like\n", " y_pred : array-like\n", " minlabel : integer\n", " maxlabel : integer\n", " margin : float\n", " ordering_loss_weight : float\n", "\n", " Returns\n", " -------\n", " loss: float\n", " A non-negative floating point value (best value is 0.0)\n", " \n", " Usage\n", " -------\n", " loss = hp_all_loss([4,1,2,0,4,2,1], [6.0,3.1,5.2,1.0,4.0,2.2,3.7],0,4,.3,0.1)\n", " print('Loss: ', loss.numpy()) # Loss: 0.7228571\n", " \n", " \n", " Usage with the `compile` API:\n", " \n", " ```python\n", " \n", " Example Keras wrapper for hp_all_loss:\n", " \n", " def get_ohpl_wrapper (min_label, max_label, margin, ordering_loss_weight):\n", " def ohpl(y_true, y_pred):\n", " return hpall_mean_loss(y_true, y_pred, min_label, max_label, margin, ordering_loss_weight)\n", " return ohpl\n", "\n", " loss = get_ohpl_wrapper(2,7,.3,1) # ordering_loss_weight must not be less that 1\n", " \n", " model = tf.keras.Model(inputs, outputs)\n", " model.compile(loss=hp_all_loss, optimizer='adam', loss=ohpl_point_loss)\n", " ```\n", " \n", " \"\"\"\n", " \n", " min_label = tf.constant(minlabel, dtype=tf.float32)\n", " max_label = tf.constant(maxlabel, dtype=tf.float32)\n", " margin = tf.constant(margin, dtype=tf.float32) # centroid margin\n", " ordering_loss_weight = tf.constant(ordering_loss_weight, dtype=tf.float32) \n", " \n", " y_pred = tf.convert_to_tensor(y_pred)\n", " y_true = tf.dtypes.cast(y_true, y_pred.dtype)\n", " y_pred = tf.reshape(tf.transpose(y_pred),[-1,1])\n", " \n", " # OHPL ordering loss\n", " # one hot vector for y_true\n", " ords, idx = tf.unique(tf.reshape(y_true, [-1])) \n", " num = tf.shape(ords)[0]\n", " y_true_1hot = tf.one_hot(idx, num)\n", "\n", " # mean distance for each class\n", " yO = tf.matmul(tf.transpose(y_pred),y_true_1hot)\n", " yc = tf.reduce_sum(y_true_1hot,0)\n", " class_mean = tf.divide(yO,yc) \n", "\n", " # min. distance\n", " ords = tf.dtypes.cast(ords, tf.float32)\n", " ords0 = tf.reshape(ords, [-1,1])\n", " ords1 = tf.reshape(ords, [1,-1])\n", " \n", " min_distance = tf.subtract(ords0, ords1)\n", " # apply ReLU\n", " min_distance = tf.nn.relu (min_distance)\n", " \n", " # keeps min. distance\n", " keep = tf.minimum(min_distance,1)\n", "\n", " # distance to centroid \n", " class_mean0 = tf.reshape(class_mean, [-1,1])\n", " class_mean1 = tf.reshape(class_mean, [1,-1])\n", " class_mean = tf.subtract(class_mean0, class_mean1) \n", " # apply ReLU \n", " class_mean = tf.nn.relu(class_mean)\n", " centroid_distance = tf.multiply(keep, class_mean)\n", " \n", " hp_ordering_loss = tf.subtract(min_distance,centroid_distance)\n", " # apply ReLU\n", " hp_ordering_loss = tf.nn.relu(hp_ordering_loss)\n", " hp_ordering_loss = tf.reduce_sum(hp_ordering_loss)\n", " \n", " # OHPL point loss\n", " # Centroid for point\n", " point_cent = tf.matmul(y_true_1hot, class_mean0)\n", " \n", " lower_bound = tf.subtract(min_label,y_true)\n", " lower_bound = tf.add(lower_bound,1)\n", " lower_bound = tf.multiply(lower_bound,1e9)\n", " # apply ReLU \n", " lower_bound = tf.nn.relu(lower_bound)\n", " lower_bound = tf.add(margin, lower_bound)\n", "\n", " upper_bound = tf.subtract(y_true,max_label)\n", " upper_bound = tf.add(upper_bound,1)\n", " upper_bound = tf.multiply(upper_bound,1e9)\n", " # apply ReLU \n", " upper_bound = tf.nn.relu(upper_bound)\n", " upper_bound = tf.add(margin, upper_bound) \n", "\n", " upper_loss = tf.add(point_cent,upper_bound[:,tf.newaxis])\n", " upper_loss = tf.subtract(y_pred,upper_loss)\n", " # apply ReLU \n", " upper_loss = tf.nn.relu(upper_loss)\n", " \n", " lower_loss = tf.add(lower_bound[:,tf.newaxis],y_pred)\n", " lower_loss = tf.subtract(point_cent,lower_loss)\n", " # apply ReLU \n", " lower_loss = tf.nn.relu(lower_loss)\n", " \n", " hp_point_loss = tf.add(upper_loss, lower_loss)\n", " hp_point_loss = tf.reduce_mean(hp_point_loss)\n", "\n", " # aggregate ordering loss and point loss \n", " mean_loss = tf.add(hp_point_loss,tf.multiply(ordering_loss_weight, hp_ordering_loss))\n", " \n", " return mean_loss\n", "\n", " \n", " \"\"\" \n", " References\n", " ----------\n", " .. [1] Vanderheyden, Bob and Ying Xie. Ordinal Hyperplane Loss. (2018). \n", " 2018 IEEE International Conference on Big Data (Big Data), \n", " 2018 IEEE International Conference On, 2337. https://doi-org.proxy.kennesaw.edu/10.1109/BigData.2018.8622079\n", " \"\"\"" ] }, { "cell_type": "code", "execution_count": 2, "metadata": {}, "outputs": [], "source": [ "def hpall_sum_loss(y_true, y_pred, minlabel, maxlabel, margin=0.1, ordering_loss_weight=1):\n", " \"\"\" Evaluate the ordinal hyperplane ordering loss and point loss of the predictions y_pred\\\n", " (using reduce sum).\n", "\n", " Parameters\n", " ----------\n", " y_true : array-like\n", " y_pred : array-like\n", " minlabel : integer\n", " maxlabel : integer\n", " margin : float\n", " ordering_loss_weight : float\n", "\n", " Returns\n", " -------\n", " loss: float\n", " A non-negative floating point value (best value is 0.0)\n", " \n", " Usage\n", " -------\n", " loss = hp_all_loss([4,1,2,0,4,2,1], [6.0,3.1,5.2,1.0,4.0,2.2,3.7],0,4,.3,0.1)\n", " print('Loss: ', loss.numpy()) # Loss: 3.48\n", " \n", " \n", " Usage with the `compile` API:\n", " \n", " ```python\n", " \n", " Example Keras wrapper for hp_all_loss:\n", " \n", " def get_ohpl_wrapper (min_label, max_label, margin, ordering_loss_weight):\n", " def ohpl(y_true, y_pred):\n", " return hpall_sum_loss(y_true, y_pred, min_label, max_label, margin, ordering_loss_weight)\n", " return ohpl\n", "\n", " loss = get_ohpl_wrapper(0,4,1,1)\n", " \n", " model = tf.keras.Model(inputs, outputs)\n", " model.compile(loss=hp_all_loss, optimizer='adam', loss=ohpl_point_loss)\n", " ```\n", " \n", " \"\"\"\n", " \n", " min_label = tf.constant(minlabel, dtype=tf.float32)\n", " max_label = tf.constant(maxlabel, dtype=tf.float32)\n", " margin = tf.constant(margin, dtype=tf.float32) # centroid margin\n", " ordering_loss_weight = tf.constant(ordering_loss_weight, dtype=tf.float32) \n", " \n", " y_pred = tf.convert_to_tensor(y_pred)\n", " y_true = tf.dtypes.cast(y_true, y_pred.dtype)\n", " y_pred = tf.reshape(tf.transpose(y_pred),[-1,1])\n", " \n", " # OHPL ordering loss\n", " # one hot vector for y_true\n", " ords, idx = tf.unique(tf.reshape(y_true, [-1])) \n", " num = tf.shape(ords)[0]\n", " y_true_1hot = tf.one_hot(idx, num)\n", "\n", " # mean distance for each class\n", " yO = tf.matmul(tf.transpose(y_pred),y_true_1hot)\n", " yc = tf.reduce_sum(y_true_1hot,0)\n", " class_mean = tf.divide(yO,yc) \n", "\n", " # min. distance\n", " ords = tf.dtypes.cast(ords, tf.float32)\n", " ords0 = tf.reshape(ords, [-1,1])\n", " ords1 = tf.reshape(ords, [1,-1])\n", " \n", " min_distance = tf.subtract(ords0, ords1)\n", " # apply ReLU\n", " min_distance = tf.nn.relu (min_distance)\n", " \n", " # keeps min. distance\n", " keep = tf.minimum(min_distance,1)\n", "\n", " # distance to centroid \n", " class_mean0 = tf.reshape(class_mean, [-1,1])\n", " class_mean1 = tf.reshape(class_mean, [1,-1])\n", " class_mean = tf.subtract(class_mean0, class_mean1) \n", " # apply ReLU \n", " class_mean = tf.nn.relu(class_mean)\n", " centroid_distance = tf.multiply(keep, class_mean)\n", " \n", " hp_ordering_loss = tf.subtract(min_distance,centroid_distance)\n", " # apply ReLU\n", " hp_ordering_loss = tf.nn.relu(hp_ordering_loss)\n", " hp_ordering_loss = tf.reduce_sum(hp_ordering_loss)\n", " \n", " # OHPL point loss\n", " # Centroid for point\n", " point_cent = tf.matmul(y_true_1hot, class_mean0)\n", " \n", " lower_bound = tf.subtract(min_label,y_true)\n", " lower_bound = tf.add(lower_bound,1)\n", " lower_bound = tf.multiply(lower_bound,1e9)\n", " # apply ReLU \n", " lower_bound = tf.nn.relu(lower_bound)\n", " lower_bound = tf.add(margin, lower_bound)\n", "\n", " upper_bound = tf.subtract(y_true,max_label)\n", " upper_bound = tf.add(upper_bound,1)\n", " upper_bound = tf.multiply(upper_bound,1e9)\n", " # apply ReLU \n", " upper_bound = tf.nn.relu(upper_bound)\n", " upper_bound = tf.add(margin, upper_bound) \n", "\n", " upper_loss = tf.add(point_cent,upper_bound[:,tf.newaxis])\n", " upper_loss = tf.subtract(y_pred,upper_loss)\n", " # apply ReLU \n", " upper_loss = tf.nn.relu(upper_loss)\n", " \n", " lower_loss = tf.add(lower_bound[:,tf.newaxis],y_pred)\n", " lower_loss = tf.subtract(point_cent,lower_loss)\n", " # apply ReLU \n", " lower_loss = tf.nn.relu(lower_loss)\n", " \n", " hp_point_loss = tf.add(upper_loss, lower_loss)\n", " hp_point_loss = tf.reduce_sum(hp_point_loss)\n", "\n", " # aggregate ordering loss and point loss \n", " sum_loss = tf.add(hp_point_loss,tf.multiply(ordering_loss_weight, hp_ordering_loss))\n", " \n", " return sum_loss\n", "\n", "\n", " \"\"\" \n", " References\n", " ----------\n", " .. [1] Vanderheyden, Bob and Ying Xie. Ordinal Hyperplane Loss. (2018). \n", " 2018 IEEE International Conference on Big Data (Big Data), \n", " 2018 IEEE International Conference On, 2337. https://doi-org.proxy.kennesaw.edu/10.1109/BigData.2018.8622079\n", " \"\"\"" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "# Application in Keras (mean loss):¶\n" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Imports " ] }, { "cell_type": "code", "execution_count": 3, "metadata": {}, "outputs": [ { "name": "stderr", "output_type": "stream", "text": [ "Using TensorFlow backend.\n" ] } ], "source": [ "import pandas as pd\n", "import numpy as np\n", "\n", "from numpy import array\n", "from keras.preprocessing.text import one_hot\n", "from keras.preprocessing.text import Tokenizer #word tokenization\n", "from keras.preprocessing.sequence import pad_sequences\n", "from sklearn.preprocessing import OneHotEncoder\n", "from keras.initializers import Constant\n", "from keras.optimizers import Adam\n", "\n", "from keras.models import Sequential\n", "from keras.layers import Dense\n", "from keras.layers import Flatten, BatchNormalization\n", "from keras.layers import LSTM\n", "from keras.layers import Dropout\n", "from keras.layers.embeddings import Embedding\n", "from keras.callbacks import EarlyStopping, ModelCheckpoint\n", "from sklearn.model_selection import train_test_split \n", "import string, os\n", "import nltk\n", "\n", "\n", "#nltk.download('stopwords')\n", "\n", "from nltk.corpus import stopwords" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Get Data" ] }, { "cell_type": "code", "execution_count": 4, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "\n", "Int64Index: 34626 entries, 0 to 34625\n", "Data columns (total 2 columns):\n", " # Column Non-Null Count Dtype \n", "--- ------ -------------- ----- \n", " 0 Rating 34626 non-null int64 \n", " 1 Review 34626 non-null object\n", "dtypes: int64(1), object(1)\n", "memory usage: 811.5+ KB\n", "['Rating' 'Review']\n" ] } ], "source": [ "pwd = !pwd\n", "df = pd.read_csv('RatingReview.csv')\n", "df = df.dropna()\n", "df.info()\n", "print(df.columns.values)" ] }, { "cell_type": "code", "execution_count": 5, "metadata": {}, "outputs": [], "source": [ "import re\n", "from nltk.stem import SnowballStemmer\n", "from nltk.corpus import stopwords\n", "\n", "def text_to_wordlist(text, remove_stopwords=False, stem_words=False):\n", " # Clean the text, with the option to remove stopwords and to stem words.\n", " \n", " # Convert words to lower case\n", " text = text.lower()\n", "\n", " # Clean the text\n", " text = re.sub(r\"[^A-Za-z0-9^,!.\\/'+-=]\", \" \", str(text))\n", " text = re.sub(r\"what's\", \"what is\", str(text))\n", " text = re.sub(r\"\\'s\", \" \", str(text))\n", " text = re.sub(r\"\\'ve\", \" have \", str(text))\n", " text = re.sub(r\"can't\", \"cannot \", str(text))\n", " text = re.sub(r\"n't\", \" not \", str(text))\n", " text = re.sub(r\"dont\", \"do not \", str(text))\n", " text = re.sub(r\"i'm\", \"i am \", str(text))\n", " text = re.sub(r\"\\'re\", \" are \", str(text))\n", " text = re.sub(r\"\\'d\", \" would \", str(text))\n", " text = re.sub(r\"\\'ll\", \" will \", str(text))\n", " text = re.sub(r\",\", \" \", str(text))\n", " text = re.sub(r\"\\.\", \" \", str(text))\n", " text = re.sub(r\"!\", \" ! \", str(text))\n", " text = re.sub(r\"\\/\", \" \", str(text))\n", " text = re.sub(r\"\\^\", \" ^ \", str(text))\n", " text = re.sub(r\"\\+\", \" + \", str(text))\n", " text = re.sub(r\"\\-\", \" - \", str(text))\n", " text = re.sub(r\"\\=\", \" = \", str(text))\n", " text = re.sub(r\"'\", \" \", str(text))\n", " text = re.sub(r\":\", \" : \", str(text))\n", " text = re.sub(r\" e g \", \" eg \", str(text))\n", " text = re.sub(r\" b g \", \" bg \", str(text))\n", " text = re.sub(r\" u s \", \" american \", str(text))\n", " text = re.sub(r\" 9 11 \", \"911\", str(text))\n", " text = re.sub(r\"e - mail\", \"email\", str(text))\n", " text = re.sub(r\"e-mail\", \"email\", str(text))\n", " text = re.sub(r\" j k \", \" jk \", str(text))\n", " \n", " text = re.sub(r\"\\0s\", \"0\", str(text))\n", " text = re.sub(r\"(\\d+)(k)\", r\"\\g<1>000\", str(text))\n", " text = re.sub(r\"\\s{2,}\", \" \", str(text))\n", " \n", "\n", " # Convert words to lower case and split them\n", " \n", " # Optionally, remove stop words\n", " if remove_stopwords:\n", " text = text.split(\" \")\n", " stops = set(stopwords.words(\"english\"))\n", " text = [w for w in text if not w in stops]\n", " text = \" \".join(text)\n", " \n", " # Optionally, shorten words to their stems\n", " if stem_words:\n", " text = text.split(\" \")\n", " stemmer = SnowballStemmer('english')\n", " stemmed_words = [stemmer.stem(word) for word in text]\n", " text = \" \".join(stemmed_words)\n", " \n", " # Return a list of words\n", " return(text)\n", "\n", "df['Review'] = df['Review'].apply(lambda x: str(x).lower()) #lower case of the word\n", "df['Review'] = df['Review'].apply((lambda x: re.sub('[^a-zA-Z0-9\\s]', ' ', x))) #remove anything that is not a number or alphabet\n", "X = df['Review'].map(lambda x: text_to_wordlist(x, remove_stopwords=False, stem_words=False))" ] }, { "cell_type": "code", "execution_count": 6, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "21.0 1894 0 35.021518331114436\n", "33946 34626 0.019638421995032636 13\n", "20.0 120 0 20.113741010654454\n" ] }, { "data": { "image/png": "iVBORw0KGgoAAAANSUhEUgAAAX0AAAEICAYAAACzliQjAAAABHNCSVQICAgIfAhkiAAAAAlwSFlzAAALEgAACxIB0t1+/AAAADh0RVh0U29mdHdhcmUAbWF0cGxvdGxpYiB2ZXJzaW9uMy4xLjMsIGh0dHA6Ly9tYXRwbG90bGliLm9yZy+AADFEAAAcOUlEQVR4nO3df7QdZX3v8ffHhN+gCXDAkKQmaKiCvQbuaYjipcjPkGqD62pXaCsBY2NvQ/lRq4B4C2pTtUUQKtIVJZJ4lUABS8qKpTFCU1QgJ0oDIUCOBMkhMTmYBAhIJPC9f8xzYLKzf51fe5995vNaa68z851nZp5nZvZ3Zj8zZ29FBGZmVgxvanYFzMyscZz0zcwKxEnfzKxAnPTNzArESd/MrECc9M3MCsRJvwVJWiPppGbXo5kkfVjSBkk7JB3b7PoUmaSnJJ3a7HpYfZz0h5hybyBJ50q6r2c8Io6JiHtrLGeCpJA0cpCq2mxXAedHxIER8fPSicpcIOkRSS9K6pL0L5J+rwl1HTC1EqykxyX9cW78hHQclMZ2NOrYkDRF0lJJ2yVtlfSgpPMasN57JX1isNfTapz0rU+GwMnkbcCaKtOvBS4ELgAOBo4C/hX4w8GvWlOtAP4gN34i8FiZ2E8iYldvFtyXfS7pvcCPgP8E3gEcAvwf4MzeLssGSET4NYRewFPAqSWxc4H7ypUBpgAdwPPAZuDqFH8aCGBHer2X7CT/OeCXwBZgEfCW3HLPSdN+DfzfkvVcCdwG/L+0rk+kdf8U2A5sAr4O7J1bXgB/CawDXgC+CLw9zfM8cGu+fEmby9YV2Ce1J4AXgV+UmXcS8Cowpcp2fktaZndax+eAN+W294+Ba1LbngTel+IbUn1m5ZZ1E/AN4Aepbj8G3gp8DdhGlnSPzZU/Arg9rXs9cEFu2pVpuyxK22wN0J6mfQd4DfhNWs9nyrTrY8DDufGlqd6lsc9V285p2oS0nWeTHU8rcuvoOU4up8wxm1vXfcD1NY75Pwc6ga3AEuCIkvWPzJW9F/hE/n1B9qlvW9qWZ6Zp89Ix8HLaVl9v9nt7qLyaXgG/SnZI75P+T4GPpeEDgalpuNwb5uPpzXVkKnsH8J007ej05ng/sHd6I73C7kn/FeCslCj2A/4nMBUYmda3Frgot75Ib+I3A8cAO4Hlaf1vAR4llzxL2lyxrrllv6PCvH8B/LLGdl4E3AkclOr+BDA7t713AecBI4C/I0t615OddE4nS8gHpvI3Ac+m7bEv2ZXterKTaM/896SybwJWAX+btvORZCeVM3Lb+WVgepr3S8D91Y6Pknb9DtmJ4eC0ri1pX23IxbYDJ9ZxTExI23kRcEBaTs9xcmLaFlenbbVHnYD9yRLvB6rU9+S07Y5Ly/sn3ji59Ky/WtJ/heykMYLsE8RGQKVl/cpt82ZXwK+SHZK9qXekN2bP6yUqJ/0VwOeBQ0uWU+4Nsxz4y9z476Y3zciUhG7OTdsf+C27J/0VNep+EfD93HgAJ+TGVwGX5Ma/CnytwrIq1jW37EpJ/3JyibLM9BFkJ6Cjc7FPAvem4XOBdblpv5fWd3gu9mtgchq+CfhmbtpfAWtL5t+eho8Hni6pz2XAt3Pb+Ye5aUcDvym372scQzOAY4Efp9jiXOxlYJ86jomeY+jI3PS/BRbnxg/IHycl9Rib5n9nlbreCPxDbvzAtP4J1Jf0O0uO2QDeWlrWrzde7tMfms6KiFE9L7Iukkpmk/VXPyZppaQPVil7BNnH8h6/JHtzH56mbeiZEBEvkSW2vA35EUlHSbpL0q8kPQ/8PXBoyTybc8O/KTN+YB/qWsuvgTFVph9KdpVduvyxufHSehIR1epebzvfBhyRbmpul7Qd+Cy7t+tXueGXgH172Z++guxK/ETgv1LsvlzsgYjYmeL1bOf8fi89Tl5kz+OkxzayTx3V9sVu64+IHWl5YyvOsbvXt1U6ZqHyMWX4Rm7Li4h1EXE2cBjwFeA2SQeQXfGU2kiWdHr8DtlH881kffLjeiZI2o/spttuqysZv4Gsv3pSRLyZLHmp762pu661LAfGSWqvMP1ZsqvJ0uU/04d69tYGYH3+pB4RB0XE9DrnL7dfS/Uk/f/FG0n/v3KxFbmy9Wzn/Do3AeN7RiTtz57HSTZTloR/CvzvKnXdbf3p2D2EbF+8mML758q/tcqy9qhCL8oWhpN+i5P0Z5LaIuI1sq4gyPpRu8muso7MFb8ZuFjSREkHkl2Z3xLZUxy3AR+S9D5Je5N1GdVK4AeR3ZDdIemdZH2qA6VaXauKiHVkN1ZvlnSSpL0l7StppqRLI+JVspul8yQdJOltwF+T3aQebA8Cz0u6RNJ+kkZIerek369z/s3svk/LWUHWjfMHZDeVAR4GJgIfYPek39vtfBvwQUnvT8fJF6ieRz4DnCvp05IOAZD0HkmL0/TvAedJmixpn7T+ByLiqYjoJkv+f5a208fJHgSoVz3bqnCc9FvfNGCNpB1kjynOjIiX01XWPODHqRthKrCA7AmQFWQ3Gl8m638mItak4cVkV3MvkN0E3EllfwP8SSr7TeCWAWxXxbrW6QKyp4muJzsZ/gL4MPBvafpfkV1JPknW9fG9tM5BlU44HwImk7XrWeBbZDe26/El4HNpn/5NhXU8QbbvNkXE9hR7jeyE82bgJ7nivdrO6TiZS7a9NpF14XRVKf8Tspu1JwNPStoKzCd7goiIWE72pNjtaXlvB2bmFvHnwKfJunyOKal7LdcCH5G0TdJ1vZhvWOu5y222m3TVt52s62Z9s+tjZgPDV/r2OkkfkrR/6le9iqxL4Knm1srMBpKTvuXNILuxtpHsH5xmhj8Kmg0r7t4xMysQX+mbmRVIs780q6pDDz00JkyY0OxqmJm1lFWrVj0bEW3lpg3ppD9hwgQ6OjqaXQ0zs5Yi6ZeVprl7x8ysQJz0zcwKxEnfzKxAnPTNzArESd/MrECc9M3MCsRJ38ysQGom/fQ95A9K+m9JayR9PsVvkrRe0kPpNTnFJek6SZ2SVks6LresWZLWpdeswWuWmZmVU88/Z+0ETo6IHZL2Au6T9IM07dMRcVtJ+TPJvqxrEtnvgd4AHC/pYOAKoJ3sF21WSVoSEdsGoiFmZlZbzaSfvmVxRxrdK72qfUvbDGBRmu9+SaMkjQFOApZFxFYAScvIfgDk5r5Xf2i6ZtkTrw9ffNpRTayJmdnu6urTTz9V9hDZr/Esi4gH0qR5qQvnmvRTZ5D9oHH+h5S7UqxSvHRdcyR1SOro7u7uZXPMzKyaupJ+RLwaEZPJfjh7iqR3A5cB7wR+HzgYuCQVL/e7qlElXrqu+RHRHhHtbW1lvy/IzMz6qFdP76Tf27wXmBYRmyKzE/g2MCUV6wLG52YbR/ajHJXiZmbWIPU8vdMmaVQa3g84FXgs9dMjScBZwCNpliXAOekpnqnAcxGxCbgbOF3SaEmjgdNTzMzMGqSep3fGAAsljSA7SdwaEXdJ+pGkNrJum4eAv0jllwLTgU7gJeA8gIjYKumLwMpU7gs9N3XNzKwx6nl6ZzVwbJn4yRXKBzC3wrQFwIJe1tHMzAaI/yPXzKxAnPTNzArESd/MrECc9M3MCsRJ38ysQJz0zcwKxEnfzKxAnPTNzArESd/MrECc9M3MCsRJ38ysQJz0zcwKxEnfzKxAnPTNzArESd/MrECc9M3MCsRJ38ysQJz0zcwKxEnfzKxAnPTNzAqkZtKXtK+kByX9t6Q1kj6f4hMlPSBpnaRbJO2d4vuk8c40fUJuWZel+OOSzhisRpmZWXn1XOnvBE6OiPcAk4FpkqYCXwGuiYhJwDZgdio/G9gWEe8ArknlkHQ0MBM4BpgGfEPSiIFsjJmZVVcz6UdmRxrdK70COBm4LcUXAmel4RlpnDT9FElK8cURsTMi1gOdwJQBaYWZmdWlrj59SSMkPQRsAZYBvwC2R8SuVKQLGJuGxwIbANL054BD8vEy8+TXNUdSh6SO7u7u3rfIzMwqqivpR8SrETEZGEd2df6ucsXSX1WYVileuq75EdEeEe1tbW31VM/MzOrUq6d3ImI7cC8wFRglaWSaNA7YmIa7gPEAafpbgK35eJl5zMysAep5eqdN0qg0vB9wKrAWuAf4SCo2C7gzDS9J46TpP4qISPGZ6emeicAk4MGBaoiZmdU2snYRxgAL05M2bwJujYi7JD0KLJb0d8DPgRtT+RuB70jqJLvCnwkQEWsk3Qo8CuwC5kbEqwPbHDMzq6Zm0o+I1cCxZeJPUubpm4h4GfhohWXNA+b1vppmZjYQ/B+5ZmYF4qRvZlYgTvpmZgXipG9mViBO+mZmBeKkb2ZWIE76ZmYF4qRvZlYgTvpmZgXipG9mViBO+mZmBeKkb2ZWIE76ZmYF4qRvZlYgTvpmZgXipG9mViBO+mZmBeKkb2ZWIE76ZmYF4qRvZlYgTvpmZgVSM+lLGi/pHklrJa2RdGGKXynpGUkPpdf03DyXSeqU9LikM3LxaSnWKenSwWmSmZlVMrKOMruAT0XEzyQdBKyStCxNuyYirsoXlnQ0MBM4BjgC+KGko9Lk64HTgC5gpaQlEfHoQDTEzMxqq5n0I2ITsCkNvyBpLTC2yiwzgMURsRNYL6kTmJKmdUbEkwCSFqeyTvpmZg3Sqz59SROAY4EHUuh8SaslLZA0OsXGAhtys3WlWKV46TrmSOqQ1NHd3d2b6pmZWQ11J31JBwK3AxdFxPPADcDbgclknwS+2lO0zOxRJb57IGJ+RLRHRHtbW1u91TMzszrU06ePpL3IEv53I+IOgIjYnJv+TeCuNNoFjM/NPg7YmIYrxc3MrAHqeXpHwI3A2oi4Ohcfkyv2YeCRNLwEmClpH0kTgUnAg8BKYJKkiZL2JrvZu2RgmmFmZvWo50r/BOBjwMOSHkqxzwJnS5pM1kXzFPBJgIhYI+lWshu0u4C5EfEqgKTzgbuBEcCCiFgzgG0xM7Ma6nl65z7K98cvrTLPPGBemfjSavOZmdng8n/kmpkViJO+mVmBOOmbmRWIk76ZWYE46ZuZFYiTvplZgTjpm5kViJO+mVmBOOmbmRWIk76ZWYE46ZuZFYiTvplZgTjpm5kViJO+mVmBOOmbmRVIXT+XaI1zzbInXh+++LSjmlgTMxuOfKVvZlYgTvpmZgXipG9mViBO+mZmBVIz6UsaL+keSWslrZF0YYofLGmZpHXp7+gUl6TrJHVKWi3puNyyZqXy6yTNGrxmmZlZOfVc6e8CPhUR7wKmAnMlHQ1cCiyPiEnA8jQOcCYwKb3mADdAdpIArgCOB6YAV/ScKMzMrDFqJv2I2BQRP0vDLwBrgbHADGBhKrYQOCsNzwAWReZ+YJSkMcAZwLKI2BoR24BlwLQBbY2ZmVXVqz59SROAY4EHgMMjYhNkJwbgsFRsLLAhN1tXilWKl65jjqQOSR3d3d29qZ6ZmdVQd9KXdCBwO3BRRDxfrWiZWFSJ7x6ImB8R7RHR3tbWVm/1zMysDnUlfUl7kSX870bEHSm8OXXbkP5uSfEuYHxu9nHAxipxMzNrkHqe3hFwI7A2Iq7OTVoC9DyBMwu4Mxc/Jz3FMxV4LnX/3A2cLml0uoF7eoqZmVmD1PPdOycAHwMelvRQin0W+DJwq6TZwNPAR9O0pcB0oBN4CTgPICK2SvoisDKV+0JEbB2QVpiZWV1qJv2IuI/y/fEAp5QpH8DcCstaACzoTQXNzGzg+D9yzcwKxEnfzKxA/H36AyT/PfhmZkOVr/TNzArESd/MrECc9M3MCsRJ38ysQJz0zcwKxEnfzKxAnPTNzArESd/MrECc9M3MCsRJ38ysQJz0zcwKxEnfzKxAnPTNzArESd/MrECc9M3MCsRJ38ysQJz0zcwKpGbSl7RA0hZJj+RiV0p6RtJD6TU9N+0ySZ2SHpd0Ri4+LcU6JV068E0xM7Na6vm5xJuArwOLSuLXRMRV+YCko4GZwDHAEcAPJR2VJl8PnAZ0ASslLYmIR/tR95aQ/xnFi087qkpJM7PBVzPpR8QKSRPqXN4MYHFE7ATWS+oEpqRpnRHxJICkxanssE/6ZmZDSX/69M+XtDp1/4xOsbHAhlyZrhSrFDczswbqa9K/AXg7MBnYBHw1xVWmbFSJ70HSHEkdkjq6u7v7WD0zMyunT0k/IjZHxKsR8RrwTd7owukCxueKjgM2VomXW/b8iGiPiPa2tra+VM/MzCqo50buHiSNiYhNafTDQM+TPUuA70m6muxG7iTgQbIr/UmSJgLPkN3s/ZP+VHwoyN+kNTNrBTWTvqSbgZOAQyV1AVcAJ0maTNZF8xTwSYCIWCPpVrIbtLuAuRHxalrO+cDdwAhgQUSsGfDWDHF+ksfMmq2ep3fOLhO+sUr5ecC8MvGlwNJe1c7MzAaU/yPXzKxAnPTNzAqkTzdybejyfQMzq8ZX+mZmBeKkb2ZWIE76ZmYF4qRvZlYgvpHbJL7hambN4Ct9M7MCcdI3MysQJ30zswJx0jczKxAnfTOzAnHSNzMrECd9M7MC8XP6Q4B/gcvMGsVX+mZmBeKkb2ZWIE76ZmYF4qRvZlYgTvpmZgVSM+lLWiBpi6RHcrGDJS2TtC79HZ3iknSdpE5JqyUdl5tnViq/TtKswWmOmZlVU8+V/k3AtJLYpcDyiJgELE/jAGcCk9JrDnADZCcJ4ArgeGAKcEXPicLMzBqnZtKPiBXA1pLwDGBhGl4InJWLL4rM/cAoSWOAM4BlEbE1IrYBy9jzRGJmZoOsr336h0fEJoD097AUHwtsyJXrSrFK8T1ImiOpQ1JHd3d3H6tnZmblDPR/5KpMLKrE9wxGzAfmA7S3t5ctUxSN/nUt/5qX2fDX1yv9zanbhvR3S4p3AeNz5cYBG6vEzcysgfqa9JcAPU/gzALuzMXPSU/xTAWeS90/dwOnSxqdbuCenmJmZtZANbt3JN0MnAQcKqmL7CmcLwO3SpoNPA18NBVfCkwHOoGXgPMAImKrpC8CK1O5L0RE6c1hMzMbZDWTfkScXWHSKWXKBjC3wnIWAAt6VTt7nfvbzWwg+D9yzcwKxN+n30v+7nsza2W+0jczKxAnfTOzAnH3TgvyTV0z6ytf6ZuZFYiTvplZgTjpm5kViPv0W5wfITWz3vCVvplZgTjpm5kViJO+mVmBuE/fBoT/d8CsNfhK38ysQJz0zcwKxN07BeHuFzMDJ/1hzc/wm1kpd++YmRWIk76ZWYE46ZuZFUi/+vQlPQW8ALwK7IqIdkkHA7cAE4CngD+OiG2SBFwLTAdeAs6NiJ/1Z/3Wf+73NyuWgbjS/0BETI6I9jR+KbA8IiYBy9M4wJnApPSaA9wwAOs2M7NeGIynd2YAJ6XhhcC9wCUpvigiArhf0ihJYyJi0yDUwaoYalf3fpzUrHH6e6UfwH9IWiVpTood3pPI09/DUnwssCE3b1eK7UbSHEkdkjq6u7v7WT0zM8vr75X+CRGxUdJhwDJJj1UpqzKx2CMQMR+YD9De3r7HdDMz67t+Jf2I2Jj+bpH0fWAKsLmn20bSGGBLKt4FjM/NPg7Y2J/12+Bxl4vZ8NTn7h1JB0g6qGcYOB14BFgCzErFZgF3puElwDnKTAWec3++mVlj9edK/3Dg+9mTmIwEvhcR/y5pJXCrpNnA08BHU/mlZI9rdpI9snleP9ZtZmZ90OekHxFPAu8pE/81cEqZeABz+7o+Gxrc7WPW2vyFa9ZnQ+3RTzOrzUnfahrKyd2fPMx6x9+9Y2ZWIL7Sr8NQvtI1M+sNX+mbmRWIr/StYdz/btZ8Tvo24NwdZjZ0OelbofnThxWNk741hT8NmDWHb+SamRWIr/RtSGmlTwDuGrJW5Ct9M7MCcdI3MysQJ30zswJxn34FrdS3bJnSfZbvZx9q+9P3A6xZnPRt2Bpqid5sKHDSN0vqOUkMhatyf0qw/nDSN+uFek4M/oRhQ5mTvtkAaKVE708Kxeakb9ZklZJwPcm5P/P2RX+W65PN0FCYpO8DzlpBpU8Mg9Wt1Crvi1apZytoeNKXNA24FhgBfCsivtzoOuT5YLLhrt6TwWB0UQ2Fbq9Weo83oq4NTfqSRgDXA6cBXcBKSUsi4tHBWF9vr5qGwgFq1ir6834Z7HnrSZh9+b+O4dClpYho3Mqk9wJXRsQZafwygIj4Urny7e3t0dHR0ef1OYmbWavqz0lC0qqIaC83rdHdO2OBDbnxLuD4fAFJc4A5aXSHpMf7sb5DgWf7Mf9QMVzaAW7LUDVc2jJc2sFf968tb6s0odFJX2Viu33UiIj5wPwBWZnUUels10qGSzvAbRmqhktbhks7YPDa0ugvXOsCxufGxwEbG1wHM7PCanTSXwlMkjRR0t7ATGBJg+tgZlZYDe3eiYhdks4H7iZ7ZHNBRKwZxFUOSDfREDBc2gFuy1A1XNoyXNoBg9SWhj69Y2ZmzeUfUTEzKxAnfTOzAhmWSV/SNEmPS+qUdGmz69MbksZLukfSWklrJF2Y4gdLWiZpXfo7utl1rYekEZJ+LumuND5R0gOpHbekG/pDnqRRkm6T9FjaN+9t4X1ycTq2HpF0s6R9W2W/SFogaYukR3KxsvtBmetSHlgt6bjm1XxPFdryj+kYWy3p+5JG5aZdltryuKQz+rreYZf0c1/1cCZwNHC2pKObW6te2QV8KiLeBUwF5qb6Xwosj4hJwPI03gouBNbmxr8CXJPasQ2Y3ZRa9d61wL9HxDuB95C1qeX2iaSxwAVAe0S8m+yBipm0zn65CZhWEqu0H84EJqXXHOCGBtWxXjexZ1uWAe+OiP8BPAFcBpBywEzgmDTPN1Ku67Vhl/SBKUBnRDwZEb8FFgMzmlynukXEpoj4WRp+gSy5jCVrw8JUbCFwVnNqWD9J44A/BL6VxgWcDNyWirRKO94MnAjcCBARv42I7bTgPklGAvtJGgnsD2yiRfZLRKwAtpaEK+2HGcCiyNwPjJI0pjE1ra1cWyLiPyJiVxq9n+x/mSBry+KI2BkR64FOslzXa8Mx6Zf7qoexTapLv0iaABwLPAAcHhGbIDsxAIc1r2Z1+xrwGeC1NH4IsD13ULfKvjkS6Aa+nbqqviXpAFpwn0TEM8BVwNNkyf45YBWtuV96VNoPrZ4LPg78IA0PWFuGY9Kv+VUPrUDSgcDtwEUR8Xyz69Nbkj4IbImIVflwmaKtsG9GAscBN0TEscCLtEBXTjmpv3sGMBE4AjiArBukVCvsl1pa9XhD0uVkXb3f7QmVKdantgzHpN/yX/UgaS+yhP/diLgjhTf3fDRNf7c0q351OgH4I0lPkXWxnUx25T8qdStA6+ybLqArIh5I47eRnQRabZ8AnAqsj4juiHgFuAN4H625X3pU2g8tmQskzQI+CPxpvPGPVAPWluGY9Fv6qx5Sv/eNwNqIuDo3aQkwKw3PAu5sdN16IyIui4hxETGBbB/8KCL+FLgH+EgqNuTbARARvwI2SPrdFDoFeJQW2yfJ08BUSfunY62nLS23X3Iq7YclwDnpKZ6pwHM93UBDlbIfmboE+KOIeCk3aQkwU9I+kiaS3Zx+sE8riYhh9wKmk935/gVwebPr08u6v5/sY9tq4KH0mk7WH74cWJf+HtzsuvaiTScBd6XhI9PB2gn8C7BPs+tXZxsmAx1pv/wrMLpV9wnweeAx4BHgO8A+rbJfgJvJ7kW8Qnb1O7vSfiDrErk+5YGHyZ5YanobarSlk6zvvue9/8+58pentjwOnNnX9fprGMzMCmQ4du+YmVkFTvpmZgXipG9mViBO+mZmBeKkb2ZWIE76ZmYF4qRvZlYg/x+aQv7PpJYJSgAAAABJRU5ErkJggg==\n", "text/plain": [ "
" ] }, "metadata": { "needs_background": "light" }, "output_type": "display_data" } ], "source": [ "import matplotlib.pyplot as plt\n", "\n", "sentence_length = np.array([len(sentence.split()) for sentence in X])\n", "print(np.median(sentence_length), np.max(sentence_length), np.min(sentence_length), np.std(sentence_length))\n", "\n", "comment_len = 120\n", "short = sentence_length[(sentence_length < comment_len+1)]\n", "print(len(short), len(sentence_length), (len(sentence_length)-len(short))/len(sentence_length), len(sentence_length[(sentence_length==comment_len+1)]))\n", "\n", "num_bins = min(100,comment_len)\n", "print(np.median(short), np.max(short), np.min(short), np.std(short))\n", "n, bins, patches = plt.hist(short, num_bins, alpha=0.5)\n", "plt.title('Histogram of Comment Word Count')\n", "plt.show()" ] }, { "cell_type": "code", "execution_count": 7, "metadata": {}, "outputs": [], "source": [ "#X = df['Review'].to_frame()\n", "y = df['Rating'].values # creats array" ] }, { "cell_type": "code", "execution_count": 8, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(34626,)" ] }, "execution_count": 8, "metadata": {}, "output_type": "execute_result" } ], "source": [ "X.shape" ] }, { "cell_type": "code", "execution_count": 9, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(34626,)" ] }, "execution_count": 9, "metadata": {}, "output_type": "execute_result" } ], "source": [ "y.shape" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Split training and testing data" ] }, { "cell_type": "code", "execution_count": 10, "metadata": {}, "outputs": [], "source": [ "X_train, Xtest, y_train, y_test = train_test_split(X, y, test_size=1/10, stratify=y, random_state=42)\n", "Xtrain, Xval, y_train, y_val = train_test_split(X_train, y_train, test_size=1/9, stratify=y_train, random_state=42)" ] }, { "cell_type": "code", "execution_count": 11, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(array([1, 2, 3, 4, 5], dtype=int64),\n", " array([ 41, 40, 150, 854, 2378], dtype=int64))" ] }, "execution_count": 11, "metadata": {}, "output_type": "execute_result" } ], "source": [ "np.unique(y_train, return_counts=True)\n", "\n", "np.unique(y_test, return_counts=True)" ] }, { "cell_type": "code", "execution_count": 12, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Found 400000 word vectors.\n" ] } ], "source": [ "embeddings_index = {}\n", "f = open('glove.6B.50d.txt', encoding=\"utf8\")\n", "for line in f:\n", " values = line.split()\n", " word = values[0]\n", " coefs = np.asarray(values[1:], dtype='float32')\n", " embeddings_index[word] = coefs\n", "f.close()\n", "\n", "print('Found %s word vectors.' % len(embeddings_index))" ] }, { "cell_type": "code", "execution_count": 13, "metadata": {}, "outputs": [], "source": [ "vocab_size = 4648 " ] }, { "cell_type": "code", "execution_count": 14, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "13967\n", "{'the': 1, 'it': 2, 'i': 3, 'and': 4, 'to': 5, 'for': 6, 'a': 7, 'is': 8, 'this': 9, 'my': 10, 'great': 11, 'of': 12, 'with': 13, 'tablet': 14, 'you': 15, 'on': 16, 'have': 17, 'that': 18, 'use': 19, 'in': 20, 'but': 21, 'love': 22, 'can': 23, 'was': 24, 'as': 25, 'easy': 26, 'so': 27, 's': 28, 'amazon': 29, 't': 30, 'very': 31, 'not': 32, 'kindle': 33, 'good': 34, 'bought': 35, 'one': 36, 'fire': 37, 'she': 38, 'price': 39, 'all': 40, 'has': 41, 'like': 42, 'are': 43, 'we': 44, 'an': 45, 'product': 46, 'up': 47, 'be': 48, 'more': 49, 'tv': 50, 'would': 51, 'works': 52, 'if': 53, 'or': 54, 'at': 55, 'just': 56, 'get': 57, 'they': 58, 'echo': 59, 'had': 60, 'much': 61, 'music': 62, 'read': 63, 'alexa': 64, 'kids': 65, 'loves': 66, 'from': 67, 'apps': 68, 'do': 69, 'than': 70, 'well': 71, 'books': 72, 'reading': 73, 'device': 74, 'when': 75, 'best': 76, 'really': 77, 'me': 78, 'buy': 79, 'what': 80, 'games': 81, 'time': 82, 'her': 83, 'old': 84, 'screen': 85, 'purchased': 86, 'also': 87, 'only': 88, 'no': 89, 'he': 90, 'play': 91, 'your': 92, 'got': 93, 'gift': 94, 'better': 95, 'does': 96, 'will': 97, 'recommend': 98, 'them': 99, 'out': 100, 'other': 101, 'set': 102, 'am': 103, 'year': 104, 'perfect': 105, 'our': 106, 'nice': 107, 'new': 108, 'home': 109, 'about': 110, 'little': 111, 'there': 112, 'now': 113, 'light': 114, 'its': 115, 'because': 116, 'even': 117, 'don': 118, 'quality': 119, 'purchase': 120, 'using': 121, 'prime': 122, 'need': 123, 'lot': 124, 'm': 125, 'christmas': 126, 'some': 127, 'battery': 128, 'how': 129, 'been': 130, 'too': 131, 'size': 132, 'any': 133, 'able': 134, 'movies': 135, 'want': 136, 'which': 137, 'first': 138, 'everything': 139, 'happy': 140, 'many': 141, 'son': 142, 'work': 143, 'sound': 144, 'still': 145, 'daughter': 146, 'go': 147, 'things': 148, 'used': 149, 'app': 150, 'fun': 151, 'reader': 152, 'these': 153, 'watch': 154, 'fast': 155, 'could': 156, 'far': 157, 'ipad': 158, 'awesome': 159, 'tablets': 160, '2': 161, 'after': 162, 'who': 163, 'features': 164, 'by': 165, 've': 166, 'excellent': 167, 'family': 168, 'money': 169, 'speaker': 170, 'life': 171, 'paperwhite': 172, 'cable': 173, 'free': 174, 'without': 175, 'stick': 176, 'wife': 177, 'voice': 178, 'worth': 179, 'day': 180, 'streaming': 181, 'box': 182, 'while': 183, 'having': 184, 'store': 185, 'small': 186, 'thing': 187, 'way': 188, 'enjoy': 189, 'amazing': 190, 'wanted': 191, 'then': 192, 'internet': 193, 'getting': 194, 'google': 195, 'looking': 196, 'item': 197, 'every': 198, 'smart': 199, 'over': 200, 'back': 201, 'weather': 202, 'since': 203, 'long': 204, 'makes': 205, 'book': 206, 'ask': 207, 'doesn': 208, 'download': 209, 'his': 210, 'two': 211, 'off': 212, 'did': 213, 'playing': 214, '3': 215, 'phone': 216, 'take': 217, 'control': 218, 'e': 219, 'another': 220, 'highly': 221, 'most': 222, 'their': 223, 'questions': 224, 'access': 225, 'something': 226, 'house': 227, 'pretty': 228, 'around': 229, 'netflix': 230, 'enough': 231, 'find': 232, 'being': 233, 'right': 234, 'simple': 235, 'make': 236, 'definitely': 237, 'user': 238, 'devices': 239, 'say': 240, 'overall': 241, '5': 242, 'etc': 243, 'always': 244, 'lights': 245, 'loved': 246, 'before': 247, 'were': 248, 'didn': 249, 'few': 250, 'memory': 251, '7': 252, 'think': 253, '4': 254, 'wifi': 255, 'apple': 256, 'years': 257, 'wish': 258, 'available': 259, 'uses': 260, 'needs': 261, 'know': 262, 'learning': 263, 'friendly': 264, 'into': 265, 'both': 266, 'needed': 267, 'see': 268, 'faster': 269, 'case': 270, 'easier': 271, 'down': 272, 'videos': 273, 'turn': 274, 'setup': 275, 'black': 276, 'android': 277, 'anything': 278, 'value': 279, 'especially': 280, 'own': 281, 'shows': 282, 'add': 283, 'room': 284, 'sure': 285, '8': 286, 'news': 287, 'keep': 288, 'absolutely': 289, 'ever': 290, 'charge': 291, 'same': 292, 'anyone': 293, 'through': 294, 'however': 295, 'sale': 296, 'remote': 297, 'watching': 298, 'web': 299, 'going': 300, 'deal': 301, 'never': 302, '4000': 303, 'put': 304, 'lots': 305, 'bit': 306, 'made': 307, 'card': 308, 're': 309, 'hd': 310, 'already': 311, 'problem': 312, 'children': 313, 'second': 314, 'thought': 315, 'issues': 316, 'version': 317, 'picture': 318, 'seems': 319, 'plus': 320, 'child': 321, 'him': 322, 'content': 323, 'kid': 324, 'though': 325, 'myself': 326, 'easily': 327, 'should': 328, 'slow': 329, 'different': 330, 'big': 331, 'several': 332, 'again': 333, 'yet': 334, 'give': 335, 'listen': 336, 'night': 337, 'found': 338, 'dot': 339, 'video': 340, 'feature': 341, 'favorite': 342, '50': 343, 'camera': 344, 'system': 345, 'last': 346, 'eyes': 347, 'storage': 348, 'list': 349, 'buying': 350, 'cheap': 351, 'mom': 352, 'times': 353, 'friday': 354, 'carry': 355, 'beat': 356, 'basic': 357, 'products': 358, 'unit': 359, 'such': 360, 'must': 361, 'controls': 362, 'pleased': 363, 'account': 364, 'shopping': 365, 'grandson': 366, 'gave': 367, 'fine': 368, 'cost': 369, 'low': 370, 'older': 371, 'decided': 372, 'mother': 373, 'super': 374, 'hard': 375, 'parental': 376, 'husband': 377, 'clear': 378, 'white': 379, '1': 380, 'plays': 381, 'replace': 382, 'less': 383, 'library': 384, 'almost': 385, 'once': 386, 'tap': 387, 'online': 388, 'pay': 389, 'haven': 390, 'expensive': 391, 'look': 392, 'navigate': 393, 'useful': 394, 'problems': 395, 'bluetooth': 396, 'tell': 397, 'stream': 398, 'upgrade': 399, 'hold': 400, 'weight': 401, '10': 402, 'expected': 403, 'each': 404, 'glad': 405, 'ok': 406, 'resolution': 407, 'working': 408, 'those': 409, 'paper': 410, 'quick': 411, 'friends': 412, 'page': 413, 'member': 414, 'roku': 415, 'extra': 416, 'connect': 417, 'enjoying': 418, 'service': 419, 'options': 420, 'ability': 421, 'speed': 422, 'friend': 423, 'email': 424, 'cool': 425, 'convenient': 426, 'fact': 427, 'daily': 428, 'us': 429, 'model': 430, 'everyone': 431, 'ease': 432, 'touch': 433, 'where': 434, 'sd': 435, 'help': 436, 'charger': 437, '6': 438, 'cover': 439, 'display': 440, 'decent': 441, 'birthday': 442, 'sometimes': 443, 'likes': 444, 'answer': 445, 'everyday': 446, 'experience': 447, 'hands': 448, 'learn': 449, 'granddaughter': 450, 'travel': 451, 'isn': 452, 'portable': 453, 'went': 454, 'issue': 455, 'original': 456, 'comes': 457, 'allows': 458, 'feel': 459, 'wonderful': 460, 'ads': 461, 'option': 462, 'job': 463, 'may': 464, 'hours': 465, 'instead': 466, 'quite': 467, 'asking': 468, 'lighting': 469, 'come': 470, 'voyage': 471, 'couldn': 472, 'youtube': 473, 'computer': 474, 'keeps': 475, 'recommended': 476, 'addition': 477, 'gets': 478, 'liked': 479, 'lightweight': 480, 'install': 481, 'quickly': 482, 'full': 483, 'd': 484, 'll': 485, 'high': 486, 'present': 487, 'inexpensive': 488, 'actually': 489, 'information': 490, 'check': 491, 'worked': 492, 'listening': 493, 'commands': 494, 'gifts': 495, 'month': 496, 'technology': 497, 'someone': 498, 'stuff': 499, 'helpful': 500, 'takes': 501, 'search': 502, 'came': 503, 'enjoyed': 504, 'took': 505, 'entertainment': 506, 'interface': 507, 'outside': 508, 'said': 509, 'anywhere': 510, 'people': 511, 'start': 512, 'durable': 513, 'order': 514, 'cannot': 515, 'media': 516, 'bad': 517, 'tech': 518, 'color': 519, 'skills': 520, 'won': 521, 'connected': 522, 'mostly': 523, 'added': 524, 'reviews': 525, 'cord': 526, 'performance': 527, 'longer': 528, 'satisfied': 529, 'compared': 530, 'charging': 531, 'connection': 532, 'days': 533, 'exactly': 534, 'wasn': 535, 'load': 536, 'away': 537, 'try': 538, 'bright': 539, 'affordable': 540, 'done': 541, 'understand': 542, 'kindles': 543, 'fantastic': 544, 'next': 545, 'nothing': 546, 'limited': 547, 'why': 548, 'built': 549, 'replacement': 550, 'kodi': 551, 'tried': 552, 'speakers': 553, 'wrong': 554, 'cheaper': 555, 'point': 556, 'fits': 557, 'space': 558, 'previous': 559, 'others': 560, 'couple': 561, 'during': 562, 'purchasing': 563, 'stars': 564, 'whole': 565, 'disappointed': 566, 'samsung': 567, 'browsing': 568, 'nephew': 569, 'bed': 570, 'power': 571, 'backlight': 572, 'enjoys': 573, 'extremely': 574, 'items': 575, 'else': 576, 'purse': 577, 'real': 578, 'game': 579, 'side': 580, 'months': 581, 'gives': 582, 'choice': 583, 'smaller': 584, 'setting': 585, 'market': 586, 'weeks': 587, 'bigger': 588, 'handy': 589, 'run': 590, 'started': 591, 'paid': 592, 'looks': 593, 'mine': 594, 'dark': 595, 'ago': 596, 'compact': 597, 'three': 598, 'trying': 599, 'firestick': 600, 'due': 601, 'automation': 602, 'functions': 603, 'niece': 604, 'spend': 605, 'services': 606, 'person': 607, 'reason': 608, 'hand': 609, 'yr': 610, 'doing': 611, 'school': 612, 'answers': 613, 'vue': 614, 'downloaded': 615, 'grandkids': 616, 'responsive': 617, 'perfectly': 618, 'plug': 619, 'glare': 620, 'surfing': 621, 'change': 622, 'part': 623, 'wait': 624, 'expect': 625, 'between': 626, 'young': 627, 'returned': 628, 'although': 629, 'operate': 630, 'kitchen': 631, 'firetv': 632, '9': 633, 'runs': 634, 'generation': 635, 'lasts': 636, 'helps': 637, 'regular': 638, 'law': 639, 'capabilities': 640, 'top': 641, 'offers': 642, 'wouldn': 643, 'probably': 644, 'finally': 645, 'owned': 646, 'facebook': 647, 'radio': 648, 'wants': 649, 'larger': 650, 'making': 651, 'impressed': 652, 'week': 653, 'received': 654, 'cut': 655, 'often': 656, 'here': 657, 'button': 658, 'command': 659, 'traveling': 660, 'along': 661, 'processor': 662, 'laptop': 663, 'pandora': 664, '100': 665, 'buffering': 666, 'hue': 667, 'plenty': 668, 'place': 669, 'let': 670, 'question': 671, 'updates': 672, 'end': 673, 'movie': 674, 'via': 675, 'table': 676, 'nook': 677, 'seem': 678, 'brought': 679, 'age': 680, 'tab': 681, 'under': 682, 'ones': 683, 'ereader': 684, 'everywhere': 685, 'replaced': 686, 'fit': 687, 'complaints': 688, 'might': 689, 'hulu': 690, 'volume': 691, 'live': 692, 'jokes': 693, 'pictures': 694, 'expectations': 695, 'hear': 696, 'functionality': 697, 'educational': 698, 'morning': 699, 'text': 700, 'difference': 701, 'choose': 702, 'mini': 703, 'taking': 704, 'mainly': 705, 'either': 706, 'upgraded': 707, 'wireless': 708, 'sounds': 709, 'figure': 710, 'purchases': 711, 'parents': 712, 'lists': 713, 'warranty': 714, 'goes': 715, 'customer': 716, 'maybe': 717, 'playstation': 718, 'sister': 719, 'port': 720, 'downloading': 721, 'huge': 722, 'plan': 723, 'purpose': 724, 'response': 725, 'grand': 726, 'tool': 727, 'surprised': 728, 'future': 729, 'name': 730, 'otherwise': 731, 'simply': 732, 'advertised': 733, 'pages': 734, 'channels': 735, 'additional': 736, 'large': 737, 'third': 738, 'pick': 739, 'sunlight': 740, 'complaint': 741, 'until': 742, 'siri': 743, 'forward': 744, 'thinking': 745, 'provides': 746, 'adding': 747, 'thermostat': 748, 'multiple': 749, 'sun': 750, 'songs': 751, 'timer': 752, 'thanks': 753, 'audio': 754, 'readers': 755, 'alarm': 756, 'bedroom': 757, 'given': 758, 'difficult': 759, 'prefer': 760, 'minutes': 761, 'asked': 762, 'usb': 763, 'show': 764, 'micro': 765, 'ages': 766, 'recognition': 767, 'surf': 768, 'level': 769, 'open': 770, 'iphone': 771, 'amount': 772, 'dad': 773, 'beach': 774, 'line': 775, 'reliable': 776, 'tons': 777, 'support': 778, 'installed': 779, 'members': 780, 'ready': 781, 'says': 782, 'return': 783, '99': 784, 'update': 785, 'os': 786, 'expandable': 787, 'rather': 788, 'loud': 789, 'personal': 790, 'adults': 791, 'software': 792, 'kind': 793, 'holds': 794, 'programs': 795, 'buttons': 796, 'save': 797, 'turning': 798, 'range': 799, 'ordered': 800, 'constantly': 801, 'timers': 802, 'ethernet': 803, 'starter': 804, 'allow': 805, 'soon': 806, 'local': 807, 'blue': 808, 'bucks': 809, 'picked': 810, 'break': 811, 'beginner': 812, 'emails': 813, 'keyboard': 814, 'wi': 815, 'info': 816, 'smooth': 817, 'annoying': 818, 'believe': 819, 'viewing': 820, 'sports': 821, 'selection': 822, 'living': 823, 'fi': 824, 'talk': 825, 'gadget': 826, 'priced': 827, 'loving': 828, 'review': 829, 'font': 830, 'car': 831, 'assistant': 832, 'checking': 833, 'reads': 834, 'totally': 835, 'mind': 836, 'told': 837, 'ended': 838, 'saw': 839, 'comfortable': 840, '2nd': 841, 'compatible': 842, 'graphics': 843, 'grandchildren': 844, 'solid': 845, 'dots': 846, 'based': 847, 'ebooks': 848, 'player': 849, 'feels': 850, 'loaded': 851, 'piece': 852, 'fan': 853, 'broke': 854, 'certain': 855, '35': 856, 'song': 857, 'worry': 858, 'alternative': 859, 'subscription': 860, 'cant': 861, 'design': 862, 'handle': 863, 'brand': 864, 'past': 865, 'membership': 866, 'alot': 867, 'brightness': 868, 'yes': 869, 'lag': 870, 'itself': 871, 'recently': 872, 'settings': 873, 'unlimited': 874, 'dropped': 875, 'nest': 876, 'main': 877, 'slot': 878, 'heavy': 879, '3rd': 880, 'excited': 881, 'electronic': 882, 'turns': 883, 'non': 884, 'trips': 885, 'giving': 886, 'front': 887, 'become': 888, 'turned': 889, 'thank': 890, 'least': 891, 'savvy': 892, 'powerful': 893, 'bill': 894, 'adjust': 895, 'within': 896, 'half': 897, 'mode': 898, 'view': 899, 'trip': 900, 'research': 901, '30': 902, 'spent': 903, 'colors': 904, 'lighter': 905, 'including': 906, 'crisp': 907, 'running': 908, 'gaming': 909, 'clarity': 910, 'unless': 911, 'busy': 912, 'inch': 913, 'father': 914, 'browser': 915, 'budget': 916, 'previously': 917, 'finding': 918, 'entertaining': 919, 'reasonable': 920, 'offer': 921, 'happier': 922, 'hit': 923, 'higher': 924, 'similar': 925, 'idea': 926, 'paying': 927, 'improvement': 928, '40': 929, 'move': 930, 'cooking': 931, 'traffic': 932, 'charged': 933, 'included': 934, 'stop': 935, 'function': 936, 'course': 937, 'integration': 938, '20': 939, 'okay': 940, 'four': 941, 'type': 942, 'later': 943, 'star': 944, 'knew': 945, 'primarily': 946, 'avid': 947, 'lock': 948, 'various': 949, 'trouble': 950, 'tells': 951, 'brother': 952, 'completely': 953, 'call': 954, 'spotify': 955, 'gotten': 956, 'sharp': 957, 'aren': 958, '15': 959, 'program': 960, 'talking': 961, 'latest': 962, 'seen': 963, 'electronics': 964, 'intuitive': 965, 'short': 966, 'entertained': 967, 'u': 968, 'waiting': 969, 'except': 970, 'variety': 971, 'homework': 972, 'world': 973, 'specific': 974, 'hooked': 975, 'capable': 976, 'calendar': 977, 'photos': 978, 'applications': 979, 'general': 980, 'sleep': 981, 'truly': 982, 'browse': 983, 'lost': 984, 'close': 985, 'kept': 986, 'alone': 987, 'fairly': 988, 'left': 989, 'hub': 990, 'pad': 991, 'instructions': 992, 'hope': 993, 'toy': 994, 'rid': 995, 'considering': 996, 'functional': 997, 'background': 998, 'beginners': 999, 'special': 1000, 'gb': 1001, 'party': 1002, 'downside': 1003, 'models': 1004, 'looked': 1005, 'step': 1006, 'users': 1007, 'operating': 1008, 'speak': 1009, 'direct': 1010, 'ways': 1011, 'opinion': 1012, 'capability': 1013, 'gen': 1014, 'road': 1015, 'ton': 1016, 'words': 1017, 'alarms': 1018, 'figured': 1019, 'lol': 1020, 'usually': 1021, 'current': 1022, 'toddler': 1023, 'network': 1024, 'dollars': 1025, 'portability': 1026, 'responds': 1027, 'originally': 1028, 'heard': 1029, 'sturdy': 1030, 'directly': 1031, 'plugged': 1032, 'whatever': 1033, 'stopped': 1034, 'television': 1035, 'guess': 1036, 'number': 1037, 'leave': 1038, 'wanting': 1039, 'word': 1040, 'searching': 1041, 'xmas': 1042, 'profile': 1043, 'performs': 1044, 'connects': 1045, 'galaxy': 1046, 'tasks': 1047, 'drop': 1048, 'lack': 1049, 'office': 1050, 'currently': 1051, 'saying': 1052, 'chromecast': 1053, 'died': 1054, 'investment': 1055, 'basically': 1056, '1st': 1057, 'onto': 1058, 'charges': 1059, 'switch': 1060, 'limits': 1061, 'lower': 1062, 'today': 1063, 'supposed': 1064, 'stock': 1065, 'wake': 1066, 'loading': 1067, 'boxes': 1068, 'entire': 1069, 'improved': 1070, '00': 1071, 'company': 1072, 'hook': 1073, 'whether': 1074, 'stand': 1075, 'adult': 1076, 'harmony': 1077, 'bring': 1078, 'build': 1079, 'newer': 1080, 'hd8': 1081, 'social': 1082, 'phones': 1083, 'stay': 1084, 'entry': 1085, 'adds': 1086, 'ipads': 1087, 'fully': 1088, 'beautiful': 1089, '49': 1090, 'returning': 1091, 'miss': 1092, 'convenience': 1093, 'matter': 1094, 'limit': 1095, 'updated': 1096, 'daughters': 1097, 'source': 1098, 'print': 1099, 'digital': 1100, 'downloads': 1101, 'cell': 1102, 'household': 1103, 'anymore': 1104, 'younger': 1105, 'opened': 1106, 'played': 1107, 'streams': 1108, 'versions': 1109, 'expand': 1110, 'accounts': 1111, 'broken': 1112, 'care': 1113, 'remember': 1114, 'five': 1115, 'link': 1116, 'router': 1117, 'hoping': 1118, 'expecting': 1119, 'pass': 1120, 'bonus': 1121, 'sales': 1122, 'flawlessly': 1123, 'regret': 1124, 'edition': 1125, 'incredible': 1126, 'lit': 1127, 'potential': 1128, 'strain': 1129, 'adjustable': 1130, 'bargain': 1131, 'outstanding': 1132, 'chose': 1133, 'usage': 1134, 'immediately': 1135, 'controlling': 1136, 'rooms': 1137, 'menu': 1138, 'vacation': 1139, 'serves': 1140, 'bag': 1141, 'holding': 1142, 'respond': 1143, 'grocery': 1144, 'stations': 1145, 'tired': 1146, 'college': 1147, 'decision': 1148, 'seemed': 1149, 'press': 1150, 'sticks': 1151, 'thrilled': 1152, 'bottom': 1153, 'im': 1154, '11': 1155, 'geek': 1156, 'pros': 1157, 'helped': 1158, 'sling': 1159, 'satellite': 1160, 'mail': 1161, 'normal': 1162, 'shop': 1163, 'hasn': 1164, 'complain': 1165, 'major': 1166, 'external': 1167, 'protective': 1168, 'cause': 1169, 'prices': 1170, 'package': 1171, 'area': 1172, 'fires': 1173, 'earlier': 1174, 'hdmi': 1175, 'negative': 1176, 'request': 1177, 'across': 1178, 'bestbuy': 1179, 'knows': 1180, 'eye': 1181, 'advantage': 1182, 'conditions': 1183, 'outdoors': 1184, 'purposes': 1185, 'together': 1186, 'yourself': 1187, 'means': 1188, 'tvs': 1189, 'oasis': 1190, 'cutting': 1191, 'ordering': 1192, 'actual': 1193, 'amazed': 1194, 'offered': 1195, 'example': 1196, 'internal': 1197, 'boy': 1198, 'flash': 1199, 'buck': 1200, 'parent': 1201, 'alexia': 1202, 'endless': 1203, 'learned': 1204, '12': 1205, 'receive': 1206, 'date': 1207, 'nephews': 1208, 'process': 1209, 'joke': 1210, 'pre': 1211, 'unlike': 1212, 'choices': 1213, 'freeze': 1214, 'cases': 1215, 'cameras': 1216, 'continue': 1217, 'exceeded': 1218, 'standard': 1219, 'send': 1220, 'boys': 1221, 'penny': 1222, 'backlit': 1223, 'wemo': 1224, 'keeping': 1225, 'compare': 1226, 'mobile': 1227, 'bunch': 1228, 'near': 1229, 'carrying': 1230, 'coming': 1231, 'interested': 1232, 'switches': 1233, 'lives': 1234, 'breeze': 1235, 'remove': 1236, 'unfortunately': 1237, 'hour': 1238, 'note': 1239, 'saved': 1240, 'cons': 1241, '8gb': 1242, 'drawback': 1243, 'frustrating': 1244, 'understands': 1245, 'meets': 1246, 'sold': 1247, 'plane': 1248, 'fix': 1249, 'versatile': 1250, 'companion': 1251, 'protection': 1252, 'required': 1253, 'poor': 1254, 'sync': 1255, 'telling': 1256, 'automatically': 1257, 'strong': 1258, 'security': 1259, 'pocket': 1260, 'drive': 1261, 'vs': 1262, 'audible': 1263, 'bang': 1264, 'realize': 1265, 'imagine': 1266, 'possible': 1267, 'create': 1268, 'processing': 1269, 'net': 1270, 'biggest': 1271, 'magazines': 1272, 'slightly': 1273, 'loads': 1274, 'navigation': 1275, 'initially': 1276, 'shipping': 1277, 'neat': 1278, 'linked': 1279, 'lets': 1280, 'share': 1281, 'average': 1282, 'auto': 1283, 'beginning': 1284, 'machine': 1285, 'station': 1286, 'activated': 1287, 'clock': 1288, 'programming': 1289, 'bulbs': 1290, 'sleek': 1291, 'none': 1292, 'designed': 1293, 'tube': 1294, '4th': 1295, 'requires': 1296, 'underground': 1297, 'brainer': 1298, 'steal': 1299, 'skeptical': 1300, 'suggest': 1301, 'brands': 1302, 'inside': 1303, 'waited': 1304, 'reminders': 1305, 'appropriate': 1306, 'greatest': 1307, 'knowledge': 1308, 'spending': 1309, 'connecting': 1310, 'per': 1311, 'business': 1312, 'changed': 1313, 'please': 1314, 'hopefully': 1315, 'lose': 1316, 'met': 1317, 'felt': 1318, 'n': 1319, 'obviously': 1320, 'drops': 1321, 'anytime': 1322, 'noticed': 1323, 'saving': 1324, 'hbo': 1325, 'capacity': 1326, 'benefits': 1327, 'door': 1328, 'prior': 1329, 'starting': 1330, 'screens': 1331, 'familiar': 1332, 'personally': 1333, 'certainly': 1334, 'self': 1335, 'called': 1336, 'stays': 1337, 'safe': 1338, 'format': 1339, 'ad': 1340, 'squad': 1341, 'properly': 1342, 'echos': 1343, 'quicker': 1344, 'slower': 1345, 'bills': 1346, 'numerous': 1347, 'somewhat': 1348, 'pleasure': 1349, 'areas': 1350, 'true': 1351, 'doesnt': 1352, 'smarter': 1353, 'ecosystem': 1354, 'paired': 1355, 'single': 1356, 'hdx': 1357, 'wow': 1358, '16': 1359, 'monthly': 1360, 'stereo': 1361, 'seeing': 1362, 'improve': 1363, 'specifically': 1364, 'reasonably': 1365, 'literally': 1366, 'random': 1367, 'connectivity': 1368, 'minor': 1369, 'controller': 1370, 'base': 1371, 'data': 1372, 'ideal': 1373, 'missing': 1374, 'nieces': 1375, 'held': 1376, 'sooner': 1377, 'enjoyable': 1378, 'oh': 1379, 'physical': 1380, 'chance': 1381, 'taken': 1382, 'surprise': 1383, '39': 1384, 'wherever': 1385, 'nearly': 1386, 'separate': 1387, '33': 1388, 'ink': 1389, 'elderly': 1390, 'important': 1391, 'nicely': 1392, 'freetime': 1393, 'kinds': 1394, 'ram': 1395, 'pool': 1396, 'exchange': 1397, 'activities': 1398, 'awhile': 1399, 'waste': 1400, 'frequently': 1401, 'hardware': 1402, 'premium': 1403, 'provide': 1404, 'necessary': 1405, 'cloud': 1406, 'interesting': 1407, 'whenever': 1408, 'reports': 1409, 'besides': 1410, 'allowed': 1411, 'smoothly': 1412, 'basis': 1413, 'early': 1414, 'presents': 1415, 'form': 1416, 'solution': 1417, 'thru': 1418, 'forever': 1419, 'appear': 1420, 'appreciate': 1421, '200': 1422, 'leather': 1423, 'scores': 1424, 'consider': 1425, 'specs': 1426, 'throughout': 1427, 'class': 1428, 'smartphone': 1429, 'bother': 1430, 'downfall': 1431, 'rest': 1432, 'calls': 1433, 'begin': 1434, '80': 1435, 'air': 1436, 'units': 1437, 'occasionally': 1438, 'reasons': 1439, 'whistles': 1440, 'clean': 1441, 'anyway': 1442, 'instantly': 1443, 'hundreds': 1444, 'pop': 1445, 'forget': 1446, 'putting': 1447, 'ebook': 1448, 'image': 1449, 'surprisingly': 1450, 'complicated': 1451, 'saves': 1452, 'crazy': 1453, 'series': 1454, 'normally': 1455, 'intended': 1456, 'bells': 1457, 'answering': 1458, 'adapter': 1459, 'wall': 1460, 'recipes': 1461, 'philips': 1462, 'reset': 1463, 'places': 1464, 'microsd': 1465, 'credit': 1466, 'thousands': 1467, 'dim': 1468, 'material': 1469, 'dead': 1470, 'particular': 1471, '300': 1472, 'moving': 1473, 'opening': 1474, 'rating': 1475, '2015': 1476, 'honestly': 1477, 'girlfriend': 1478, 'catch': 1479, 'dedicated': 1480, 'weak': 1481, 'protect': 1482, 'trivia': 1483, 'pro': 1484, '60': 1485, 'sit': 1486, 'grandsons': 1487, 'rate': 1488, 'pair': 1489, 'adequate': 1490, 'holidays': 1491, 'lasted': 1492, 'possibilities': 1493, 'password': 1494, 'finger': 1495, 'happen': 1496, 'informative': 1497, 'accurate': 1498, 'sitting': 1499, 'fall': 1500, 'spot': 1501, 'require': 1502, 'sense': 1503, 'pull': 1504, 'gadgets': 1505, 'wired': 1506, 'requests': 1507, 'recipient': 1508, 'replacing': 1509, 'locked': 1510, 'youngest': 1511, 'surface': 1512, 'ahead': 1513, 'thin': 1514, 'face': 1515, 'hate': 1516, 'constant': 1517, 'nexus': 1518, 'sign': 1519, 'terrific': 1520, 'explore': 1521, 'advertising': 1522, 'application': 1523, 'further': 1524, 'impressive': 1525, 'upon': 1526, 'tooth': 1527, 'described': 1528, 'complete': 1529, 'stuck': 1530, 'sonos': 1531, 'thermostats': 1532, 'monitor': 1533, 'freezes': 1534, 'cards': 1535, 'minimal': 1536, 'listens': 1537, 'efficient': 1538, 'proof': 1539, 'sell': 1540, 'middle': 1541, 'sons': 1542, 'damage': 1543, 'eventually': 1544, 'correct': 1545, 'girl': 1546, 'con': 1547, 'watches': 1548, 'location': 1549, 'confusing': 1550, 'hesitant': 1551, 'kinda': 1552, 'w': 1553, 'garage': 1554, 'sites': 1555, 'push': 1556, 'bulky': 1557, 'likely': 1558, 'enabled': 1559, 'notes': 1560, '16gb': 1561, 'wide': 1562, 'terrible': 1563, 'mention': 1564, 'core': 1565, 'provided': 1566, 'platform': 1567, 'practical': 1568, 'points': 1569, 'signal': 1570, 'win': 1571, 'protector': 1572, 'advanced': 1573, 'upstairs': 1574, 'useless': 1575, 'casual': 1576, 'files': 1577, 'worried': 1578, 'stores': 1579, 'increase': 1580, 'beats': 1581, 'thus': 1582, 'fastest': 1583, 'integrated': 1584, 'curve': 1585, 'occasional': 1586, 'hurt': 1587, 'equipment': 1588, 'bose': 1589, 'sensitive': 1590, 'delivery': 1591, 'girls': 1592, 'popular': 1593, 'utilize': 1594, 'moment': 1595, 'unable': 1596, 'careful': 1597, 'rear': 1598, 'baby': 1599, 'wont': 1600, 'twice': 1601, 'ran': 1602, 'tough': 1603, 'staff': 1604, 'six': 1605, 'clearly': 1606, 'cracked': 1607, 'man': 1608, 'pain': 1609, 'throw': 1610, 'demand': 1611, 'jeopardy': 1612, 'silk': 1613, 'appointments': 1614, 'pics': 1615, 'subscribe': 1616, 'holiday': 1617, 'limitations': 1618, 'aware': 1619, 'pleasantly': 1620, 'beyond': 1621, 'x': 1622, 'profiles': 1623, 'realized': 1624, 'granddaughters': 1625, 'menus': 1626, 'receiver': 1627, 'o': 1628, 'recent': 1629, 'perform': 1630, 'asleep': 1631, 'thanksgiving': 1632, 'track': 1633, 'include': 1634, 'enable': 1635, 'fixed': 1636, 'smoother': 1637, 'batteries': 1638, 'trial': 1639, 'ai': 1640, 'forecast': 1641, 'temperature': 1642, 'flexibility': 1643, 'afford': 1644, 'occupied': 1645, 'thoroughly': 1646, 'incredibly': 1647, 'fee': 1648, 'total': 1649, 'notice': 1650, 'abilities': 1651, 'pc': 1652, 'behind': 1653, 'quad': 1654, 'dollar': 1655, 'plastic': 1656, 'floor': 1657, 'hot': 1658, 'primary': 1659, 'water': 1660, 'artist': 1661, 'basics': 1662, 'switched': 1663, 'didnt': 1664, 'fancy': 1665, 'pricey': 1666, 'yrs': 1667, 'mean': 1668, 'recharge': 1669, 'sort': 1670, 'concerned': 1671, 'lacks': 1672, 'tag': 1673, 'task': 1674, 'thats': 1675, 'pdf': 1676, 'improvements': 1677, 'supports': 1678, 'seconds': 1679, 'plugs': 1680, 'controlled': 1681, 'sony': 1682, 'aunt': 1683, 'difficulty': 1684, 'charm': 1685, 'costs': 1686, 'ive': 1687, 'unbelievable': 1688, 'events': 1689, 'outlet': 1690, 'readable': 1691, 'bb': 1692, '90': 1693, 'glass': 1694, 'includes': 1695, 'needing': 1696, 'understanding': 1697, 'fingertips': 1698, 'guy': 1699, 'depending': 1700, 'grandma': 1701, 'deals': 1702, 'extended': 1703, 'straight': 1704, 'newest': 1705, 'guide': 1706, 'ui': 1707, 'continues': 1708, 'borrow': 1709, 'accidentally': 1710, 'backlighting': 1711, 'pleasant': 1712, 'channel': 1713, 'microphone': 1714, 'skill': 1715, 'integrate': 1716, 'plex': 1717, 'funny': 1718, 'streamer': 1719, 'preloaded': 1720, 'olds': 1721, 'effective': 1722, 'hoped': 1723, 'despite': 1724, 'lighted': 1725, 'gone': 1726, 'hearing': 1727, 'wise': 1728, 'chrome': 1729, 'above': 1730, '128gb': 1731, 'site': 1732, 'operation': 1733, 'became': 1734, 'discovered': 1735, 'finds': 1736, 'appears': 1737, 'feeling': 1738, 'quiet': 1739, 'breaks': 1740, 'factor': 1741, 'com': 1742, 'edge': 1743, 'types': 1744, 'seriously': 1745, 'fraction': 1746, 'relatively': 1747, 'clearer': 1748, 'fills': 1749, 'lacking': 1750, 'noticeable': 1751, 'nicer': 1752, 'barely': 1753, 'happened': 1754, 'ios': 1755, 'follow': 1756, 'covers': 1757, 'showed': 1758, 'b': 1759, 'superior': 1760, 'ultra': 1761, 'touchscreen': 1762, 'hassle': 1763, 'minute': 1764, 'led': 1765, 'answered': 1766, 'outdoor': 1767, 'bumper': 1768, 'rarely': 1769, 'ps': 1770, 'directv': 1771, 'bass': 1772, 'ifttt': 1773, 'buffer': 1774, 'skype': 1775, 'knowledgeable': 1776, 'joy': 1777, 'manage': 1778, 'released': 1779, 'hers': 1780, 'multi': 1781, 'rough': 1782, 'log': 1783, 'pack': 1784, 'accessible': 1785, 'damaged': 1786, 'shield': 1787, 'directions': 1788, 'hardly': 1789, 'knowing': 1790, 'chargers': 1791, 'moved': 1792, 'defective': 1793, 'flawless': 1794, 'selections': 1795, 'sufficient': 1796, 'key': 1797, 'test': 1798, 'swipe': 1799, 'suggested': 1800, 'public': 1801, 'country': 1802, 'planning': 1803, 'growing': 1804, 'correctly': 1805, 'accessories': 1806, 'technical': 1807, 'speaking': 1808, 'instant': 1809, '3g': 1810, 'facts': 1811, 'integrates': 1812, 'links': 1813, 'grandmother': 1814, 'disappoint': 1815, 'initial': 1816, 'tabs': 1817, 'late': 1818, 'seamlessly': 1819, 'owner': 1820, 'travels': 1821, 'speech': 1822, 'exchanged': 1823, 'transfer': 1824, '70': 1825, 'starts': 1826, 'searches': 1827, 'train': 1828, 'tiny': 1829, 'quit': 1830, 'bank': 1831, 'suppose': 1832, 'comparable': 1833, 'recomend': 1834, 'frustrated': 1835, 'math': 1836, 'wonderfully': 1837, 'headphones': 1838, 'effort': 1839, 'serious': 1840, 'students': 1841, '34': 1842, 'teach': 1843, 'report': 1844, 'responses': 1845, 'teenage': 1846, '13': 1847, 'snappy': 1848, 'junk': 1849, 'windows': 1850, 'titles': 1851, 'def': 1852, 'restart': 1853, 'greatly': 1854, 'shut': 1855, 'discount': 1856, 'loose': 1857, 'arrived': 1858, 'boyfriend': 1859, 'navigating': 1860, 'dictionary': 1861, 'systems': 1862, 'acceptable': 1863, 'commute': 1864, 'wink': 1865, 'logitech': 1866, 'antenna': 1867, 'teens': 1868, 'versus': 1869, 'playback': 1870, 'meant': 1871, 'comparison': 1872, 'god': 1873, 'upgrading': 1874, 'lasting': 1875, 'fabulous': 1876, 'durability': 1877, 'nvidia': 1878, 'installing': 1879, 'particularly': 1880, 'hey': 1881, 'watched': 1882, 'rides': 1883, 'changes': 1884, 'caught': 1885, 'becomes': 1886, 'opportunity': 1887, 'commercials': 1888, 'letters': 1889, 'decide': 1890, 'offering': 1891, 'style': 1892, 'sets': 1893, '1080p': 1894, 'hang': 1895, 'vudu': 1896, 'phillips': 1897, 'brighter': 1898, 'visit': 1899, 'speedy': 1900, 'expansion': 1901, 'advertisements': 1902, 'sorts': 1903, 'breaking': 1904, 'delivered': 1905, 'pink': 1906, 'researched': 1907, 'knock': 1908, 'aspect': 1909, 'appstore': 1910, 'exact': 1911, 'airplane': 1912, 'terms': 1913, 'fell': 1914, 'cousin': 1915, 'itunes': 1916, 'manually': 1917, 'click': 1918, 'student': 1919, 'forth': 1920, 'learns': 1921, 'contrast': 1922, 'secure': 1923, 'relative': 1924, 'anybody': 1925, 'attached': 1926, 'louder': 1927, 'message': 1928, 'dinner': 1929, 'daylight': 1930, 'placed': 1931, 'soft': 1932, 'provider': 1933, 'novelty': 1934, 'automated': 1935, 'firebox': 1936, 'tables': 1937, 'contact': 1938, 'offline': 1939, 'sorry': 1940, 'existing': 1941, 'crystal': 1942, 'concern': 1943, 'cumbersome': 1944, 'supported': 1945, 'sources': 1946, 'powered': 1947, 'falls': 1948, 'sent': 1949, 'picking': 1950, 'summer': 1951, 'saver': 1952, 'tips': 1953, 'fair': 1954, 'generally': 1955, 'voyager': 1956, 'protected': 1957, 'fault': 1958, 'removed': 1959, 'admit': 1960, 'paperback': 1961, 'freezing': 1962, 'history': 1963, 'engine': 1964, 'walk': 1965, 'downstairs': 1966, 'expanding': 1967, 'schedule': 1968, 'firesticks': 1969, 'playlist': 1970, 'activation': 1971, 'experienced': 1972, 'easiest': 1973, '2016': 1974, 'maneuver': 1975, 'santa': 1976, 'fourth': 1977, 'aside': 1978, 'increased': 1979, 'images': 1980, 'disappointing': 1981, 'known': 1982, 'tend': 1983, 'brings': 1984, 'benefit': 1985, 'register': 1986, 'mentioned': 1987, 'missed': 1988, 'outlets': 1989, 'assistance': 1990, 'grow': 1991, 'creating': 1992, 'mouse': 1993, 'thumbs': 1994, 'theirs': 1995, 'locks': 1996, 'modem': 1997, 'lamp': 1998, 'installation': 1999, 'collection': 2000, 'noise': 2001, 'hears': 2002, 'smartthings': 2003, 'unlock': 2004, 'avoid': 2005, 'prize': 2006, 'ipod': 2007, 'upload': 2008, 'dish': 2009, 'layout': 2010, 'adjustment': 2011, 'backup': 2012, 'aps': 2013, 'adjusting': 2014, 'comment': 2015, 'ps4': 2016, 'related': 2017, 'pixels': 2018, 'upgrades': 2019, 'slim': 2020, 'losing': 2021, 'senior': 2022, 'versatility': 2023, 'recognize': 2024, 'attractive': 2025, 'updating': 2026, 'refund': 2027, 'write': 2028, 'activate': 2029, 'weekend': 2030, 'lil': 2031, 'customize': 2032, 'couch': 2033, 'dual': 2034, 'band': 2035, 'winner': 2036, 'mess': 2037, 'sounding': 2038, 'situations': 2039, 'cancel': 2040, 'results': 2041, 'interact': 2042, 'briefing': 2043, 'interactive': 2044, 'worse': 2045, 'restrictions': 2046, 'devise': 2047, 'automatic': 2048, 'failed': 2049, 'common': 2050, 'computers': 2051, 'season': 2052, 'relaxing': 2053, 'extensive': 2054, 'tied': 2055, 'glitches': 2056, 'oldest': 2057, 'puts': 2058, 'thinks': 2059, 'heavier': 2060, 'weren': 2061, 'period': 2062, 'typing': 2063, 'techie': 2064, 'manual': 2065, 'phenomenal': 2066, 'playstore': 2067, 'rubber': 2068, 'wore': 2069, 'situation': 2070, 'delete': 2071, 'calling': 2072, 'helping': 2073, '128': 2074, 'silly': 2075, 'gonna': 2076, 'environment': 2077, 'bar': 2078, 'head': 2079, 'tho': 2080, 'exploring': 2081, 'delivers': 2082, 'heart': 2083, 'liking': 2084, 'towards': 2085, 'wonder': 2086, 'slowly': 2087, 'stolen': 2088, 'connections': 2089, 'definition': 2090, 'appliances': 2091, 'receiving': 2092, 'allowing': 2093, 'perhaps': 2094, 'superb': 2095, 'lags': 2096, 'sized': 2097, 'bugs': 2098, 'zero': 2099, 'advertisement': 2100, 'owning': 2101, 'sucks': 2102, 'blows': 2103, 'disappointment': 2104, 'repeat': 2105, 'action': 2106, '14': 2107, 'fonts': 2108, 'comparing': 2109, 'dog': 2110, 'sweet': 2111, 'ours': 2112, 'regularly': 2113, 'par': 2114, 'pricing': 2115, 'performed': 2116, 'coffee': 2117, 'overpriced': 2118, 'justify': 2119, 'deck': 2120, 'periods': 2121, 'finish': 2122, 'match': 2123, 'glasses': 2124, 'adjusts': 2125, 'lived': 2126, 'sunshine': 2127, 'proper': 2128, 'block': 2129, '0': 2130, 'stories': 2131, 'happens': 2132, 'input': 2133, 'default': 2134, 'luck': 2135, 'stable': 2136, 'levels': 2137, 'amazingly': 2138, 'interaction': 2139, 'theater': 2140, 'cancelled': 2141, 'bing': 2142, 'nabi': 2143, 'lite': 2144, 'afraid': 2145, 'position': 2146, 'pressure': 2147, 'mails': 2148, 'websites': 2149, 'documents': 2150, 'bible': 2151, 'shade': 2152, 'articles': 2153, 'preferred': 2154, 'sideload': 2155, 'invested': 2156, 'seamless': 2157, 'messages': 2158, 'selling': 2159, 'grandchild': 2160, 'hesitate': 2161, 'convert': 2162, 'importantly': 2163, 'amazons': 2164, 'trigger': 2165, 'aspects': 2166, 'checked': 2167, 'boot': 2168, 'cast': 2169, 'interest': 2170, 'honest': 2171, 'closed': 2172, 'jump': 2173, 'positive': 2174, 'output': 2175, 'organized': 2176, 'below': 2177, 'stated': 2178, 'gotta': 2179, 'dvd': 2180, 'discover': 2181, 'virtually': 2182, 'disturbing': 2183, 'coolest': 2184, 'blast': 2185, 'talks': 2186, 'discovering': 2187, 'appletv': 2188, 'grown': 2189, 'flights': 2190, 'highlight': 2191, 'enjoyment': 2192, 'rely': 2193, 'shuts': 2194, 'laggy': 2195, 'evening': 2196, 'photo': 2197, 'root': 2198, 'website': 2199, 'nor': 2200, 'absolute': 2201, 'tends': 2202, '32gb': 2203, 'eight': 2204, 'locations': 2205, 'travelling': 2206, 'bedtime': 2207, 'providing': 2208, 'froze': 2209, 'entertain': 2210, 'horrible': 2211, 'gig': 2212, 'kiddos': 2213, 'consumption': 2214, 'accessing': 2215, 'tools': 2216, 'talked': 2217, 'worthwhile': 2218, 'elsewhere': 2219, 'yo': 2220, 'simplicity': 2221, 'subscriptions': 2222, 'against': 2223, 'vocabulary': 2224, 'feedback': 2225, 'began': 2226, 'slick': 2227, 'solved': 2228, 'sending': 2229, 'readability': 2230, 'bored': 2231, 'orders': 2232, 'operates': 2233, 'syncs': 2234, 'chat': 2235, 'v': 2236, 'hubby': 2237, 'opposed': 2238, 'mic': 2239, 'essentially': 2240, 'xm': 2241, 'whatsoever': 2242, 'hotel': 2243, 'bye': 2244, 'desktop': 2245, 'considered': 2246, 'fail': 2247, 'minimum': 2248, 'facing': 2249, 'cartoons': 2250, 'individual': 2251, 'dropping': 2252, 'flat': 2253, 'transport': 2254, 'speeds': 2255, 'filled': 2256, 'language': 2257, 'figuring': 2258, 'meet': 2259, 'ten': 2260, 'availability': 2261, 'researching': 2262, 'cook': 2263, 'apart': 2264, 'impossible': 2265, 'seven': 2266, 'associate': 2267, 'flaw': 2268, 'snap': 2269, 'weekly': 2270, 'till': 2271, 'responsiveness': 2272, 'separately': 2273, 'lap': 2274, 'select': 2275, 'drain': 2276, 'grab': 2277, 'becoming': 2278, 'group': 2279, 'alexis': 2280, 'sad': 2281, 'doubt': 2282, 'unique': 2283, 'switching': 2284, 'lines': 2285, 'natural': 2286, 'ac': 2287, 'sleeping': 2288, 'feet': 2289, 'numbers': 2290, 'master': 2291, 'himself': 2292, 'factory': 2293, 'pixel': 2294, 'tricks': 2295, 'center': 2296, 'comcast': 2297, 'distance': 2298, 'pizza': 2299, 'iheart': 2300, 'ur': 2301, 'packaging': 2302, 'length': 2303, 'delighted': 2304, 'handles': 2305, 'safety': 2306, 'expanded': 2307, 'typically': 2308, 'substitute': 2309, 'noticeably': 2310, 'fianc': 2311, 'buys': 2312, 'december': 2313, 'reboot': 2314, 'tested': 2315, 'activity': 2316, 'willing': 2317, 'rep': 2318, '89': 2319, 'strongly': 2320, 'functioning': 2321, 'regrets': 2322, 'sunny': 2323, '64': 2324, 'grade': 2325, 'opens': 2326, 'reviewed': 2327, 'wished': 2328, 'beautifully': 2329, 'g': 2330, 'challenged': 2331, '25': 2332, 'modern': 2333, 'aging': 2334, 'possibly': 2335, '5th': 2336, 'instagram': 2337, 'attention': 2338, 'food': 2339, 'simpler': 2340, 'welcome': 2341, 'employee': 2342, 'customers': 2343, 'flip': 2344, 'debated': 2345, 'error': 2346, 'weird': 2347, '18': 2348, 'l': 2349, 'draw': 2350, 'fingers': 2351, 'file': 2352, 'picks': 2353, 'meaning': 2354, 'created': 2355, 'indoors': 2356, 'companies': 2357, 'changing': 2358, 'playlists': 2359, 'ray': 2360, 'wire': 2361, 'mood': 2362, 'temp': 2363, 'worst': 2364, 'vision': 2365, 'promised': 2366, 'pdfs': 2367, 'inappropriate': 2368, 'audiobooks': 2369, 'twins': 2370, '32': 2371, 'everybody': 2372, 'trick': 2373, 'vibrant': 2374, 'harder': 2375, 'recommendation': 2376, 'rocks': 2377, 'neither': 2378, 'shown': 2379, 'informed': 2380, 'practically': 2381, 'study': 2382, 'lightning': 2383, '2017': 2384, 'shipped': 2385, 'ups': 2386, 'desk': 2387, 'leaving': 2388, 'eco': 2389, 'cleaning': 2390, 'pushing': 2391, 'reward': 2392, 'deciding': 2393, 'employees': 2394, 'active': 2395, 'iphones': 2396, 'buyer': 2397, 'showing': 2398, 'supply': 2399, 'magazine': 2400, 'release': 2401, 'wakes': 2402, 'expense': 2403, 'double': 2404, 'scratch': 2405, 'imagined': 2406, 'copy': 2407, 'dpi': 2408, 'plain': 2409, 'mothers': 2410, 'abc': 2411, 'ons': 2412, 'disney': 2413, 'grabbed': 2414, 'crack': 2415, '75': 2416, 'bathroom': 2417, 'visiting': 2418, 'lazy': 2419, 'covered': 2420, 'ppi': 2421, 'remotes': 2422, 'toddlers': 2423, 'ourselves': 2424, 'asks': 2425, 'tunes': 2426, 'transferred': 2427, 'desired': 2428, 'graphic': 2429, 'clunky': 2430, 'alex': 2431, 'preference': 2432, 'novels': 2433, 'hundred': 2434, 'heat': 2435, '64gb': 2436, 'wear': 2437, 'customizable': 2438, 'training': 2439, 'differences': 2440, 'sub': 2441, 'robust': 2442, 'managed': 2443, 'grandparents': 2444, 'usual': 2445, 'gripe': 2446, 'icons': 2447, 'replaces': 2448, 'displays': 2449, 'syncing': 2450, 'worries': 2451, 'sharing': 2452, 'imo': 2453, 'apparently': 2454, 'herself': 2455, 'greater': 2456, 'rich': 2457, 'geared': 2458, 'cute': 2459, 'parts': 2460, 'overdrive': 2461, 'sluggish': 2462, 'laying': 2463, 'corner': 2464, 'reduced': 2465, 'regardless': 2466, 'palm': 2467, 'distracting': 2468, 'sat': 2469, 'dumb': 2470, 'reminder': 2471, 'story': 2472, 'y': 2473, 'max': 2474, 'pickup': 2475, 'freedom': 2476, 'k': 2477, 'sirius': 2478, 'toys': 2479, 'voices': 2480, 'subscribed': 2481, 'savings': 2482, 'rechargeable': 2483, 'unplug': 2484, 'lifx': 2485, 'uhd': 2486, 'uncle': 2487, 'siblings': 2488, 'continually': 2489, 'raffle': 2490, 'dream': 2491, 'inches': 2492, 'frame': 2493, 'grip': 2494, 'hotspot': 2495, 'savy': 2496, 'recharging': 2497, 'jack': 2498, 'following': 2499, 'shape': 2500, 'lug': 2501, 'xbox': 2502, 'teen': 2503, 'heck': 2504, 'performing': 2505, 'steps': 2506, 'puzzles': 2507, 'conversation': 2508, '95': 2509, 'whim': 2510, 'exceptional': 2511, 'comfortably': 2512, 'disable': 2513, 'loss': 2514, 'adjusted': 2515, 'significant': 2516, 'fees': 2517, 'lady': 2518, 'scrolling': 2519, 'materials': 2520, 'teenager': 2521, 'significantly': 2522, 'sisters': 2523, 'teaching': 2524, 'bezel': 2525, 'flimsy': 2526, 'building': 2527, 'spare': 2528, 'waking': 2529, 'post': 2530, 'sides': 2531, 'gentle': 2532, 'unbeatable': 2533, 'ensure': 2534, 'board': 2535, 'bc': 2536, 'visible': 2537, 'accent': 2538, 'skip': 2539, 'owners': 2540, 'signed': 2541, 'strictly': 2542, 'additionally': 2543, 'section': 2544, 'tries': 2545, 'worthy': 2546, 'opted': 2547, 'sits': 2548, 'favor': 2549, 'anticipated': 2550, 'genre': 2551, 'concept': 2552, 'intercom': 2553, 'cutter': 2554, 'highest': 2555, 'awful': 2556, 'salesman': 2557, 'upset': 2558, 'packed': 2559, 'management': 2560, 'restricted': 2561, 'chair': 2562, 'jealous': 2563, 'gifted': 2564, 'flight': 2565, 'purple': 2566, 'impulse': 2567, 'stylus': 2568, 'consistently': 2569, 'pieces': 2570, 'gym': 2571, 'explain': 2572, 'shot': 2573, 'traditional': 2574, 'therefore': 2575, 'competitive': 2576, 'comfort': 2577, 'ha': 2578, 'twin': 2579, 'reminds': 2580, 'contacted': 2581, 'flexible': 2582, 'education': 2583, 'orange': 2584, 'rooting': 2585, 'frequent': 2586, '24': 2587, 'convinced': 2588, 'neice': 2589, 'favorites': 2590, 'pads': 2591, 'stored': 2592, 'specially': 2593, 'address': 2594, 'registered': 2595, 'spouse': 2596, 'extras': 2597, 'moderate': 2598, 'whats': 2599, 'red': 2600, 'ambient': 2601, 'spots': 2602, 'advance': 2603, 'reach': 2604, 'description': 2605, 'scroll': 2606, 'lately': 2607, 'fold': 2608, 'packs': 2609, 'folks': 2610, 'supplement': 2611, 'somewhere': 2612, 'families': 2613, 'sideloaded': 2614, 'players': 2615, 'lagging': 2616, 'policy': 2617, 'stupid': 2618, 'blown': 2619, 'comments': 2620, 'fence': 2621, 'spoke': 2622, 'dependable': 2623, 'partner': 2624, 'distracted': 2625, 'relax': 2626, 'hooks': 2627, 'patient': 2628, 'vast': 2629, 'recognizes': 2630, 'requested': 2631, 'hype': 2632, 'glow': 2633, 'bedrooms': 2634, 'podcasts': 2635, 'programmed': 2636, 'steaming': 2637, 'comics': 2638, 'husbands': 2639, 'prevent': 2640, 'surround': 2641, 'rugged': 2642, 'fb': 2643, 'resource': 2644, 'state': 2645, 'fir': 2646, 'intelligent': 2647, 'server': 2648, 'fill': 2649, 'catching': 2650, 'shelf': 2651, 'direction': 2652, 'exceeds': 2653, 'explained': 2654, 'gmail': 2655, '150': 2656, 'progress': 2657, 'suitable': 2658, 'result': 2659, 'upcoming': 2660, 'handed': 2661, 'enlarge': 2662, 'moves': 2663, 'rent': 2664, 'manufacturer': 2665, 'awkward': 2666, 'yesterday': 2667, 'bringing': 2668, 'writing': 2669, 'backpack': 2670, 'spends': 2671, 'abuse': 2672, 'desire': 2673, 'spectacular': 2674, 'letting': 2675, 'usable': 2676, 'networks': 2677, 'eyesight': 2678, 'thinner': 2679, 'al': 2680, '3yr': 2681, 'gps': 2682, 'co': 2683, 'event': 2684, 'ties': 2685, 'pulled': 2686, 'encourage': 2687, 'jacket': 2688, 'randomly': 2689, 'refer': 2690, 'indeed': 2691, 'typical': 2692, 'notch': 2693, 'leaves': 2694, 'r': 2695, 'recipe': 2696, 'universal': 2697, 'status': 2698, 'overseas': 2699, 'lowest': 2700, 'touching': 2701, 'origami': 2702, 'tall': 2703, 'scratched': 2704, 'tight': 2705, 'scratches': 2706, 'accessory': 2707, 'bundle': 2708, 'distractions': 2709, 'sadly': 2710, 'communicate': 2711, 'trust': 2712, 'eliminate': 2713, 'fight': 2714, 'record': 2715, 'deep': 2716, 'fifty': 2717, 'focus': 2718, 'couldnt': 2719, 'testing': 2720, 'condition': 2721, 'technically': 2722, 'requesting': 2723, 'havent': 2724, 'competition': 2725, '4yr': 2726, 'yard': 2727, 'episodes': 2728, 'guarantee': 2729, 'guest': 2730, 'characters': 2731, 'protects': 2732, 'lover': 2733, 'patio': 2734, 'echoes': 2735, 'showtime': 2736, 'slingtv': 2737, 'wonders': 2738, 'extreme': 2739, '65': 2740, '59': 2741, 'clash': 2742, 'theres': 2743, 'reccomend': 2744, 'pairs': 2745, 'glitch': 2746, 'teenagers': 2747, 'hi': 2748, 'medium': 2749, 'compatibility': 2750, 'xfinity': 2751, 'edit': 2752, 'cpu': 2753, 'essential': 2754, 'unhappy': 2755, 'unnecessary': 2756, 'manager': 2757, 'luv': 2758, 'challenge': 2759, 'unsure': 2760, 'enables': 2761, 'clumsy': 2762, 'classes': 2763, 'enhance': 2764, 'ignore': 2765, 'themselves': 2766, 'round': 2767, 'introduced': 2768, 'code': 2769, 'hits': 2770, 'prompt': 2771, 'lenovo': 2772, 'combined': 2773, 'weighs': 2774, 'handling': 2775, 'refurbished': 2776, 'responding': 2777, 'novice': 2778, 'tremendous': 2779, 'overly': 2780, 'sometime': 2781, 'team': 2782, 'advice': 2783, 'wondering': 2784, 'route': 2785, 'exception': 2786, 'optional': 2787, 'briefings': 2788, 'acts': 2789, 'appearance': 2790, 'discounted': 2791, 'tip': 2792, 'hooking': 2793, 'suits': 2794, 'resistant': 2795, 'square': 2796, 'angle': 2797, 'located': 2798, 'spelling': 2799, 'colored': 2800, 'native': 2801, 'count': 2802, 'canceled': 2803, 'clutter': 2804, 'prefers': 2805, 'organize': 2806, '19': 2807, 'mistake': 2808, 'storing': 2809, 'sensitivity': 2810, 'ground': 2811, 'hide': 2812, 'reception': 2813, 'serve': 2814, 'details': 2815, 'commercial': 2816, 'highlights': 2817, 'complains': 2818, 'insert': 2819, 'breaker': 2820, 'darn': 2821, 'laws': 2822, 'patience': 2823, 'insurance': 2824, 'fighting': 2825, 'bookmark': 2826, 'immediate': 2827, 'technologically': 2828, 'park': 2829, 'listed': 2830, 'rock': 2831, 'toward': 2832, 'classic': 2833, 'haha': 2834, 'usefulness': 2835, 'complex': 2836, 'carried': 2837, 'summary': 2838, 'among': 2839, 'stylish': 2840, 'spell': 2841, 'sing': 2842, 'doors': 2843, 'pause': 2844, 'wikipedia': 2845, 'disturb': 2846, 'dx': 2847, 'attach': 2848, 'forecasts': 2849, 'automate': 2850, 'briefs': 2851, 'slingbox': 2852, 'dvr': 2853, 'productivity': 2854, 'shouldn': 2855, 'isnt': 2856, '69': 2857, 'limiting': 2858, '86': 2859, 'instruction': 2860, 'minecraft': 2861, 'names': 2862, 'rated': 2863, 'headphone': 2864, 'east': 2865, 'odd': 2866, 'practice': 2867, 'darker': 2868, 'improves': 2869, 'inability': 2870, 'accept': 2871, 'spoiled': 2872, 'retina': 2873, 'requirements': 2874, 'twitter': 2875, 'staying': 2876, 'utility': 2877, 'c': 2878, 'countless': 2879, 'everytime': 2880, 'economical': 2881, 'dislike': 2882, 'annoyed': 2883, 'tutorial': 2884, 'utilizing': 2885, 'town': 2886, 'sizes': 2887, '6th': 2888, 'magnetic': 2889, 'settled': 2890, 'standing': 2891, 'lg': 2892, 'hence': 2893, 'cruise': 2894, 'secondary': 2895, 'ridiculous': 2896, 'claim': 2897, 'improving': 2898, 'slip': 2899, 'forced': 2900, 'curious': 2901, 'cables': 2902, 'min': 2903, 'notifications': 2904, 'construction': 2905, 'smile': 2906, 'tricky': 2907, 'checks': 2908, '17': 2909, 'appreciated': 2910, 'refresh': 2911, 'disposable': 2912, 'grows': 2913, 'flush': 2914, 'waterproof': 2915, 'printed': 2916, 'annoyance': 2917, 'slight': 2918, 'hinge': 2919, 'swiping': 2920, 'falling': 2921, 'miles': 2922, 'locate': 2923, 'manufacturing': 2924, 'ship': 2925, 'ports': 2926, 'hated': 2927, 'minus': 2928, '45': 2929, 'magic': 2930, 'nine': 2931, 'bday': 2932, 'nearby': 2933, 'frozen': 2934, 'success': 2935, 'rca': 2936, 'combination': 2937, 'fool': 2938, 'treat': 2939, 'hotels': 2940, 'cords': 2941, 'trade': 2942, 'walking': 2943, 'classroom': 2944, 'eg': 2945, 'awsome': 2946, 'cnn': 2947, 'proved': 2948, 'begun': 2949, 'apartment': 2950, 'carries': 2951, 'components': 2952, 'experiment': 2953, 'counter': 2954, 'pairing': 2955, 'invest': 2956, 'espn': 2957, 'dock': 2958, 'assist': 2959, 'development': 2960, 'instance': 2961, 'debating': 2962, 'closer': 2963, 'corny': 2964, 'smarthome': 2965, 'trek': 2966, 'basement': 2967, 'hardwired': 2968, 'thick': 2969, 'visual': 2970, 'salesperson': 2971, 'satisfactory': 2972, 'needless': 2973, 'mp3': 2974, 'cash': 2975, 'insignia': 2976, 'bothered': 2977, 'newspaper': 2978, 'maximize': 2979, 'worrying': 2980, 'recommending': 2981, 'term': 2982, 'paperweight': 2983, 'multitude': 2984, 'mirror': 2985, 'exciting': 2986, 'taste': 2987, 'balance': 2988, 'filter': 2989, 'textbooks': 2990, 'struggle': 2991, 'limitation': 2992, 'alright': 2993, 'autistic': 2994, 'microsoft': 2995, '1000': 2996, 'worn': 2997, 'indoor': 2998, 'amd': 2999, 'enter': 3000, 'luckily': 3001, 'join': 3002, 'bf': 3003, 'goals': 3004, 'dies': 3005, 'citizen': 3006, 'guys': 3007, 'definite': 3008, 'arm': 3009, 'lugging': 3010, 'clicking': 3011, 'managing': 3012, 'downloadable': 3013, 'states': 3014, 'relatives': 3015, 'hack': 3016, 'fuss': 3017, 'generic': 3018, 'suited': 3019, 'compete': 3020, 'hookup': 3021, 'bulk': 3022, 'regarding': 3023, 'title': 3024, 'bet': 3025, 'intrusive': 3026, 'produces': 3027, 'approved': 3028, 'dust': 3029, 'graduation': 3030, 'hospital': 3031, 'causing': 3032, 'sole': 3033, 'poorly': 3034, 'complained': 3035, 'lovers': 3036, 'adaptive': 3037, 'entirely': 3038, 'effect': 3039, 'agree': 3040, 'written': 3041, 'necessarily': 3042, 'washington': 3043, 'ie': 3044, 'kit': 3045, 'socket': 3046, 'fiance': 3047, 'delay': 3048, 'phrases': 3049, 'nervous': 3050, 'seniors': 3051, 'volumes': 3052, 'coupled': 3053, 'stairs': 3054, 'birthdays': 3055, '6yr': 3056, 'stocking': 3057, 'yeah': 3058, 'wouldnt': 3059, 'majority': 3060, 'streamed': 3061, 'leisure': 3062, 'andriod': 3063, 'tax': 3064, 'occasion': 3065, 'shorter': 3066, 'excelent': 3067, 'dimming': 3068, 'ap': 3069, '84': 3070, 'proven': 3071, 'tune': 3072, 'professional': 3073, 'pinterest': 3074, 'brief': 3075, 'vizio': 3076, 'logging': 3077, 'centric': 3078, 'expectation': 3079, 'consistent': 3080, 'anti': 3081, 'habit': 3082, 'mad': 3083, 'contents': 3084, 'fails': 3085, 'throws': 3086, 'synced': 3087, 'foreign': 3088, 'ideas': 3089, 'named': 3090, 'reduce': 3091, 'firmware': 3092, 'assume': 3093, 'elite': 3094, 'definitions': 3095, 'phrase': 3096, 'youll': 3097, 'homes': 3098, 'integrating': 3099, 'microphones': 3100, 'parties': 3101, 'streamers': 3102, 'hardwire': 3103, 'lan': 3104, 'footprint': 3105, 'reference': 3106, 'surgery': 3107, 'retired': 3108, '500': 3109, 'completed': 3110, 'champ': 3111, 'navigates': 3112, 'matters': 3113, 'clans': 3114, 'pen': 3115, 'virus': 3116, 'gigs': 3117, 'perks': 3118, 'closest': 3119, 'customized': 3120, 'exclusively': 3121, 'heavily': 3122, 'beware': 3123, 'blank': 3124, 'continued': 3125, 'vivid': 3126, 'crisper': 3127, 'depends': 3128, 'ride': 3129, 'impaired': 3130, 'city': 3131, 'th': 3132, 'considerably': 3133, 'explored': 3134, 'ebay': 3135, 'manga': 3136, 'remind': 3137, 'immensely': 3138, 'bloatware': 3139, 'usability': 3140, 'stops': 3141, 'mono': 3142, 'advertise': 3143, 'suspect': 3144, 'anyways': 3145, 'die': 3146, 'quirks': 3147, 'maximum': 3148, 'doctor': 3149, 'accidental': 3150, '88': 3151, '400': 3152, 'nowhere': 3153, 'costly': 3154, '2014': 3155, 'messing': 3156, 'chip': 3157, 'reported': 3158, 'forgotten': 3159, 'blocks': 3160, 'straightforward': 3161, 'substantial': 3162, '2012': 3163, 'sharper': 3164, 'awake': 3165, 'resist': 3166, 'whose': 3167, 'shes': 3168, 'worlds': 3169, 'lending': 3170, 'alike': 3171, 'fifth': 3172, 'august': 3173, 'category': 3174, 'flaws': 3175, 'bus': 3176, 'fyi': 3177, 'recommendations': 3178, 'stating': 3179, '16g': 3180, 'woman': 3181, 'force': 3182, 'pulling': 3183, 'buffers': 3184, 'english': 3185, '7yr': 3186, 'hadn': 3187, 'p': 3188, 'glitchy': 3189, 'hopes': 3190, 'connector': 3191, 'challenging': 3192, 'snappier': 3193, 'coverage': 3194, 'vary': 3195, 'hesitation': 3196, 'window': 3197, 'folder': 3198, 'bothering': 3199, 'acting': 3200, 'wanna': 3201, 'yours': 3202, 'oem': 3203, '5w': 3204, 'according': 3205, 'confused': 3206, 'electrical': 3207, 'lcd': 3208, 'environments': 3209, 'determine': 3210, 'digiland': 3211, 'plunge': 3212, 'emailed': 3213, 'pops': 3214, 'resources': 3215, 'ir': 3216, 'solves': 3217, 'valuable': 3218, 'million': 3219, 'readily': 3220, 'act': 3221, 'providers': 3222, 'tree': 3223, '4gb': 3224, 'techy': 3225, 'cuz': 3226, 'pleasing': 3227, 'changer': 3228, 'res': 3229, 'macbook': 3230, 'subscriber': 3231, 'served': 3232, 'loses': 3233, 'competitor': 3234, 'fox': 3235, 'queries': 3236, 'reliability': 3237, 'stands': 3238, 'hrs': 3239, 'entertains': 3240, 'searched': 3241, 'thrown': 3242, 'harsh': 3243, '85': 3244, 'forgot': 3245, 'subject': 3246, 'degree': 3247, 'dirty': 3248, 'somehow': 3249, 'choosing': 3250, 'tivo': 3251, 'unplugged': 3252, 'eyestrain': 3253, 'hdr': 3254, 'configure': 3255, 'mornings': 3256, 'linking': 3257, 'dance': 3258, 'groceries': 3259, 'cylinder': 3260, '179': 3261, 'intelligence': 3262, 'lamps': 3263, 'conversions': 3264, 'interacting': 3265, 'ecobee': 3266, 'ring': 3267, 'interfaces': 3268, 'iftt': 3269, 'yell': 3270, '9w': 3271, 'hp': 3272, 'negatives': 3273, 'handheld': 3274, 'unwanted': 3275, 'wasnt': 3276, 'airport': 3277, 'lying': 3278, 'ergonomic': 3279, 'grader': 3280, 'aged': 3281, 'godson': 3282, 'unexpected': 3283, 'surpassed': 3284, 'killer': 3285, 'mediocre': 3286, 'coat': 3287, 'copies': 3288, 'curfew': 3289, 'fly': 3290, 'obvious': 3291, 'survived': 3292, '199': 3293, 'carousel': 3294, 'crashed': 3295, 'gf': 3296, 'defect': 3297, 'verizon': 3298, 'packages': 3299, 'toss': 3300, 'decently': 3301, 'interests': 3302, 'pin': 3303, 'kindlefire': 3304, '2013': 3305, 'cousins': 3306, 'tote': 3307, 'banking': 3308, 'visuals': 3309, 'jumped': 3310, 'detailed': 3311, 'workers': 3312, 'crush': 3313, 'frustration': 3314, 'goodreads': 3315, 'document': 3316, 'filling': 3317, 'claimed': 3318, 'wider': 3319, 'crash': 3320, 'accomplish': 3321, 'sample': 3322, 'technological': 3323, 'cake': 3324, 'featured': 3325, 'platforms': 3326, 'gem': 3327, 'laptops': 3328, 'proprietary': 3329, 'passed': 3330, 'receipt': 3331, 'requiring': 3332, 'capture': 3333, 'transition': 3334, 'edges': 3335, 'bandwidth': 3336, 'introduction': 3337, 'fortune': 3338, 'solitaire': 3339, 'claims': 3340, 'deliver': 3341, 'foam': 3342, 'compromise': 3343, 'planned': 3344, 'handled': 3345, 'adore': 3346, 'accessibility': 3347, 'brothers': 3348, 'grandaughter': 3349, 'florida': 3350, 'ereaders': 3351, 'customization': 3352, '139': 3353, 'yellow': 3354, 'cheapest': 3355, 'distraction': 3356, 'heading': 3357, 'darkness': 3358, 'whereas': 3359, 'department': 3360, 'keys': 3361, 'solve': 3362, 'tuck': 3363, 'supplied': 3364, 'q': 3365, 'f': 3366, 'threw': 3367, 'brain': 3368, 'standby': 3369, 'headaches': 3370, 'risk': 3371, 'resume': 3372, 'taught': 3373, 'ti': 3374, 'developed': 3375, 'sophisticated': 3376, 'score': 3377, 'wearing': 3378, 'warm': 3379, 'regretted': 3380, 'beneficial': 3381, 'frills': 3382, 'driving': 3383, 'peace': 3384, 'moments': 3385, 'popping': 3386, 'visually': 3387, 'fathers': 3388, 'attempt': 3389, 'owns': 3390, 'equally': 3391, 'pbs': 3392, 'suggestions': 3393, 'teacher': 3394, 'coupon': 3395, 'disconnect': 3396, 'advantages': 3397, 'definately': 3398, 'fios': 3399, 'accustomed': 3400, 'ill': 3401, 'mark': 3402, 'utilized': 3403, 'focused': 3404, 'bout': 3405, 'followed': 3406, 'dozens': 3407, 'intention': 3408, 'privacy': 3409, 'epub': 3410, 'bare': 3411, 'novel': 3412, 'clip': 3413, 'recognizing': 3414, 'attempted': 3415, 'tone': 3416, 'listened': 3417, 'promotion': 3418, 'extension': 3419, 'lineup': 3420, 'continuously': 3421, 'reviewing': 3422, 'understood': 3423, 'paperbacks': 3424, 'hello': 3425, 'youre': 3426, 'jail': 3427, 'pw': 3428, 'pure': 3429, 'blu': 3430, 'elastic': 3431, 'invention': 3432, 'highlighting': 3433, 'paperwhites': 3434, 'footnote': 3435, 'ditch': 3436, 'guests': 3437, 'boom': 3438, 'emergency': 3439, 'assistants': 3440, 'uber': 3441, 'cutters': 3442, 'ps3': 3443, 'shines': 3444, 'borrowed': 3445, 'extensively': 3446, 'unusable': 3447, 'weekends': 3448, 'riding': 3449, 'recognized': 3450, 'launched': 3451, '250': 3452, 'rapid': 3453, 'possibility': 3454, 'custom': 3455, 'worthless': 3456, 'restrict': 3457, 'addicted': 3458, 'mas': 3459, 'punch': 3460, 'realistic': 3461, 'goodness': 3462, 'wallpaper': 3463, 'fluid': 3464, 'satisfy': 3465, 'dosent': 3466, 'blah': 3467, 'stronger': 3468, 'reflection': 3469, 'bothersome': 3470, 'thankfully': 3471, 'slippery': 3472, 'somebody': 3473, 'pic': 3474, 'traded': 3475, 'modified': 3476, '7th': 3477, 'hd7': 3478, 'regards': 3479, 'processes': 3480, 'lovely': 3481, 'shutting': 3482, 'slimmer': 3483, '79': 3484, 'slide': 3485, 'granted': 3486, 'shell': 3487, 'outperforms': 3488, 'youth': 3489, '000': 3490, 'tint': 3491, 'logo': 3492, 'angles': 3493, 'jazz': 3494, '600': 3495, 'placing': 3496, 'hanging': 3497, 'camping': 3498, 'mac': 3499, 'combo': 3500, 'groups': 3501, 'headlines': 3502, 'eating': 3503, 'flipping': 3504, 'november': 3505, 'facetime': 3506, 'holder': 3507, 'hair': 3508, 'casting': 3509, 'robot': 3510, 'reached': 3511, 'mirroring': 3512, 'nursing': 3513, 'nd': 3514, 'misplaced': 3515, 'expired': 3516, 'kobo': 3517, 'plethora': 3518, 'pushes': 3519, 'cross': 3520, 'languages': 3521, 'dimmer': 3522, 'unobtrusive': 3523, 'overnight': 3524, 'lifting': 3525, 'grandfather': 3526, 'shocked': 3527, 'beating': 3528, 'lightest': 3529, 'resolved': 3530, 'pricy': 3531, 'ultimately': 3532, 'satisfying': 3533, 'reviewers': 3534, 'traveled': 3535, 'removing': 3536, 'balanced': 3537, 'metal': 3538, 'appealing': 3539, 'ugly': 3540, 'pixelated': 3541, 'death': 3542, 'south': 3543, 'official': 3544, 'occasions': 3545, 'amp': 3546, 'outrageous': 3547, 'discounts': 3548, 'uploading': 3549, 'surprising': 3550, 'rooted': 3551, 'nifty': 3552, 'attempts': 3553, 'closing': 3554, 'consideration': 3555, 'messenger': 3556, 'buddy': 3557, 'binge': 3558, 'tremendously': 3559, '5ghz': 3560, 'ft': 3561, 'sends': 3562, 'leap': 3563, 'refused': 3564, 'fragile': 3565, 'texas': 3566, 'surfs': 3567, 'throwing': 3568, 'gifting': 3569, 'starters': 3570, 'dealing': 3571, 'sim': 3572, 'signing': 3573, 'sky': 3574, 'tape': 3575, 'selected': 3576, 'prefect': 3577, 'pressed': 3578, 'zone': 3579, 'aka': 3580, 'unknown': 3581, 'nightstand': 3582, 'brightest': 3583, 'newspapers': 3584, 'taps': 3585, 'racing': 3586, 'pushed': 3587, 'client': 3588, 'qualities': 3589, 'rewards': 3590, 'happening': 3591, 'remain': 3592, 'expert': 3593, '9yr': 3594, 'cellphone': 3595, 'fitbit': 3596, 'occupy': 3597, 'aux': 3598, 'associated': 3599, 'texting': 3600, 'walked': 3601, 'babies': 3602, 'fav': 3603, 'craft': 3604, 'inclined': 3605, 'mickey': 3606, 'canceling': 3607, '2yr': 3608, 'landscape': 3609, 'asap': 3610, 'competitors': 3611, 'ect': 3612, 'lead': 3613, 'pays': 3614, 'bough': 3615, 'remarkable': 3616, 'timely': 3617, 'street': 3618, 'checkout': 3619, 'continuous': 3620, 'matte': 3621, 'slides': 3622, 'unresponsive': 3623, 'irritating': 3624, 'encountered': 3625, 'necessity': 3626, 'gui': 3627, 'album': 3628, 'readings': 3629, 'spotty': 3630, 'intrigued': 3631, 'tie': 3632, 'body': 3633, 'rhymes': 3634, 'cd': 3635, 'broadcast': 3636, 'rain': 3637, 'sport': 3638, 'extend': 3639, 'field': 3640, 'finished': 3641, 'delight': 3642, 'btw': 3643, 'genres': 3644, 'supposedly': 3645, 'porch': 3646, 'blends': 3647, 'increasing': 3648, 'measurements': 3649, 'genius': 3650, 'uverse': 3651, 'iheartradio': 3652, 'insteon': 3653, 'artists': 3654, 'limitless': 3655, 'helper': 3656, 'mo': 3657, 'foot': 3658, 'spectrum': 3659, 'login': 3660, 'compares': 3661, 'flagship': 3662, 'gateway': 3663, 'ratio': 3664, 'doctors': 3665, 'wind': 3666, 'matched': 3667, 'problematic': 3668, 'inconvenient': 3669, 'fortunately': 3670, 'chosen': 3671, 'tutorials': 3672, 'spring': 3673, 'maps': 3674, 'resolve': 3675, 'differently': 3676, 'console': 3677, 'private': 3678, 'buggy': 3679, 'marketing': 3680, 'shoulder': 3681, 'walmart': 3682, 'asus': 3683, 'outdated': 3684, 'backlights': 3685, 'dying': 3686, 'kindel': 3687, 'rotate': 3688, 'seat': 3689, 'approve': 3690, 'att': 3691, 'specifications': 3692, 'amounts': 3693, '4g': 3694, 'killing': 3695, 'monitoring': 3696, 'effortlessly': 3697, 'visits': 3698, 'accidently': 3699, 'whom': 3700, '83': 3701, 'matching': 3702, 'wave': 3703, 'grandpa': 3704, 'produce': 3705, 'candy': 3706, 'webroot': 3707, 'televisions': 3708, 'final': 3709, 'equal': 3710, 'nbc': 3711, 'complaining': 3712, 'reluctant': 3713, 'destroyed': 3714, 'barnes': 3715, 'nature': 3716, 'eliminates': 3717, 'elegant': 3718, 'narrow': 3719, 'seeking': 3720, 'polished': 3721, 'scared': 3722, 'ridiculously': 3723, 'obsessed': 3724, 'misses': 3725, 'hardback': 3726, 'tweaking': 3727, 'mb': 3728, 'consumer': 3729, 'responsibility': 3730, 'hates': 3731, 'sick': 3732, 'prepared': 3733, 'remaining': 3734, 'conclusion': 3735, 'array': 3736, 'tracking': 3737, 'unavailable': 3738, 'pockets': 3739, 'drains': 3740, 'bath': 3741, 'turner': 3742, 'illumination': 3743, 'upper': 3744, 'degrees': 3745, 'inconvenience': 3746, 'reconnect': 3747, 'remains': 3748, 'thirty': 3749, 'solidly': 3750, 'prongs': 3751, 'pressing': 3752, 'combine': 3753, 'drag': 3754, 'effectively': 3755, 'deleted': 3756, 'lunch': 3757, 'goodies': 3758, 'requirement': 3759, 'fixes': 3760, 'component': 3761, 'viewed': 3762, 'packaged': 3763, 'simplifies': 3764, 'appliance': 3765, 'transaction': 3766, 'empty': 3767, 'bookworm': 3768, 'slips': 3769, '8yr': 3770, 'accident': 3771, 'hole': 3772, 'rom': 3773, 'speaks': 3774, 'sight': 3775, '29': 3776, '8g': 3777, 'concerns': 3778, 'twc': 3779, '3x': 3780, 'warner': 3781, 'libraries': 3782, 'confident': 3783, 'dependent': 3784, 'shock': 3785, '3d': 3786, 'proud': 3787, 'wrapped': 3788, 'indispensable': 3789, 'ez': 3790, 'planes': 3791, 'crowd': 3792, 'operated': 3793, 'cluttered': 3794, 'blind': 3795, 'em': 3796, 'gor': 3797, 'tonight': 3798, 'tops': 3799, 'clerk': 3800, 'nite': 3801, 'troubles': 3802, 'prizes': 3803, 'experiences': 3804, 'alternatives': 3805, 'pocketbook': 3806, 'argue': 3807, 'follows': 3808, 'operations': 3809, 'tear': 3810, 'consuming': 3811, 'international': 3812, 'tapping': 3813, 'contacts': 3814, 'dining': 3815, 'complement': 3816, 'powering': 3817, 'stood': 3818, 'adjustments': 3819, 'responded': 3820, 'guard': 3821, 'suite': 3822, 'backs': 3823, 'conventional': 3824, 'organization': 3825, 'elementary': 3826, 'faulty': 3827, 'green': 3828, 'juice': 3829, 'dose': 3830, 'eat': 3831, 'fans': 3832, 'enhanced': 3833, 'icon': 3834, 'bent': 3835, 'impress': 3836, 'guides': 3837, 'painful': 3838, 'schooler': 3839, 'handicapped': 3840, 'offerings': 3841, 'vehicle': 3842, 'plugging': 3843, 'rental': 3844, 'stayed': 3845, 'wording': 3846, 'fewer': 3847, 'nfl': 3848, 'intend': 3849, 'january': 3850, 'dressed': 3851, 'headache': 3852, 'borrowing': 3853, 'caused': 3854, 'dirt': 3855, 'increases': 3856, 'canada': 3857, 'stages': 3858, 'bt': 3859, 'episode': 3860, 'reducing': 3861, 'studying': 3862, 'football': 3863, 'surely': 3864, 'production': 3865, 'gain': 3866, 'hdtv': 3867, 'sunglasses': 3868, 'squeeze': 3869, 'selecting': 3870, 'thoughts': 3871, 'engaged': 3872, 'magical': 3873, 'stopping': 3874, 'mix': 3875, 'naturally': 3876, 'laugh': 3877, 'indestructible': 3878, 'preferences': 3879, 'stepped': 3880, 'shining': 3881, 'effortless': 3882, 'cave': 3883, 'creates': 3884, 'regard': 3885, 'spanish': 3886, 'neighbor': 3887, 'percent': 3888, 'quotes': 3889, 'evolving': 3890, 'sings': 3891, 'todo': 3892, 'sprinkler': 3893, 'verbal': 3894, 'experimenting': 3895, 'integral': 3896, 'honeywell': 3897, 'virtual': 3898, 'innovative': 3899, 'ecobee3': 3900, 'tp': 3901, 'lutron': 3902, 'tunein': 3903, 'teams': 3904, 'simultaneously': 3905, 'eggs': 3906, 'spoken': 3907, 'hubs': 3908, 'compliment': 3909, 'programing': 3910, 'loyal': 3911, 'optical': 3912, 'rokus': 3913, '87': 3914, 'directtv': 3915, '720p': 3916, 'colorful': 3917, 'fat': 3918, 'sooo': 3919, 'biased': 3920, 'refined': 3921, 'payment': 3922, 'method': 3923, 'fireos': 3924, 'caveat': 3925, 'unaware': 3926, 'prevents': 3927, 'viable': 3928, 'feed': 3929, 'temporary': 3930, 'subscribing': 3931, 'personalized': 3932, 'sells': 3933, 'perspective': 3934, 'foe': 3935, 'calculator': 3936, 'categories': 3937, 'booting': 3938, 'hitting': 3939, 'tad': 3940, 'american': 3941, 'descent': 3942, 'androids': 3943, 'recreational': 3944, 'outer': 3945, 'polite': 3946, 'camper': 3947, 'anniversary': 3948, 'competing': 3949, 'yahoo': 3950, 'streamlined': 3951, 'overcome': 3952, 'lesson': 3953, 'bike': 3954, 'dishes': 3955, 'counts': 3956, 'shiny': 3957, 'animal': 3958, 'wound': 3959, 'hiccups': 3960, 'stone': 3961, 'investments': 3962, 'cellular': 3963, 'project': 3964, 'lackluster': 3965, 'keeper': 3966, '10x': 3967, 'depth': 3968, 'lastly': 3969, 'explaining': 3970, 'drawbacks': 3971, 'accessed': 3972, 'functioned': 3973, 'ish': 3974, 'albums': 3975, 'recommends': 3976, '78': 3977, 'accomplished': 3978, 'recharged': 3979, 'frankly': 3980, 'ruin': 3981, 'heaven': 3982, 'accordingly': 3983, 'mid': 3984, 'kendal': 3985, 'positives': 3986, 'restarting': 3987, '7inch': 3988, 'editing': 3989, 'sleeve': 3990, 'tangerine': 3991, 'questionable': 3992, 'toshiba': 3993, 'lens': 3994, 'criticism': 3995, 'exit': 3996, 'mouth': 3997, 'thousand': 3998, 'cheaply': 3999, 'ample': 4000, 'damages': 4001, 'reaction': 4002, 'goal': 4003, 'intense': 4004, 's7': 4005, 'someday': 4006, 'grainy': 4007, 'integrations': 4008, 's2': 4009, 'suit': 4010, 'timing': 4011, 'uploads': 4012, 'beauty': 4013, 'closes': 4014, 'science': 4015, 'ends': 4016, 'acess': 4017, 'economic': 4018, 'rotating': 4019, 'april': 4020, 'overhead': 4021, 'suffice': 4022, 'sensor': 4023, 'wallet': 4024, 'sounded': 4025, 'weigh': 4026, 'uniform': 4027, 'backward': 4028, 'fingerprints': 4029, 'loudly': 4030, 'arms': 4031, 'arrives': 4032, 'announced': 4033, 'textured': 4034, 'stunning': 4035, 'consume': 4036, 'audiophile': 4037, 'prob': 4038, 'february': 4039, 'sturdier': 4040, 'exposed': 4041, 'europe': 4042, 'dozen': 4043, 'www': 4044, 'lie': 4045, 'sunday': 4046, 'misleading': 4047, 'torn': 4048, 'goggle': 4049, 'prompted': 4050, 'calibre': 4051, 'pricier': 4052, 'kill': 4053, 'fought': 4054, 'suddenly': 4055, 'remembers': 4056, 'glowlight': 4057, 'efficiently': 4058, 'introductory': 4059, 'easter': 4060, 'telephone': 4061, 'leading': 4062, 'loop': 4063, 'shower': 4064, 'lucky': 4065, 'arrive': 4066, 'til': 4067, 'notification': 4068, 'iris': 4069, 'secret': 4070, 'wasting': 4071, 'passwords': 4072, 'repeated': 4073, 'appointment': 4074, 'stuffer': 4075, 'lifetime': 4076, 'blurry': 4077, 'cracking': 4078, 'homepage': 4079, 'musical': 4080, 'warning': 4081, 'inspired': 4082, 'el': 4083, 'marketplace': 4084, 'detail': 4085, 'mile': 4086, 'theft': 4087, '5yr': 4088, 'skipping': 4089, 'soo': 4090, 'hassles': 4091, 'assignments': 4092, 'productive': 4093, 'h': 4094, 'clever': 4095, 'routine': 4096, 'casing': 4097, 'club': 4098, 'amc': 4099, 'comic': 4100, 'disability': 4101, 'wins': 4102, 'award': 4103, 'lifesaver': 4104, 'xbmc': 4105, 'thumb': 4106, 'flixster': 4107, 'worker': 4108, 'pauses': 4109, 'kick': 4110, 'bothers': 4111, 'corrected': 4112, 'nope': 4113, 'verses': 4114, 'logged': 4115, 'docs': 4116, 'exist': 4117, 'kiddo': 4118, 'withstand': 4119, 'aloud': 4120, 'audiobook': 4121, 'housework': 4122, 'grate': 4123, 'supervision': 4124, 'wet': 4125, 'relevant': 4126, 'chinese': 4127, 'authors': 4128, 'shall': 4129, 'combines': 4130, 'bones': 4131, 'bonuses': 4132, '2gb': 4133, 'advise': 4134, 'doubles': 4135, 'lesser': 4136, 'expands': 4137, 'restaurants': 4138, 'batter': 4139, 'finicky': 4140, 'soooo': 4141, 'acct': 4142, 'struggled': 4143, 'solely': 4144, 'rivals': 4145, 'confined': 4146, 'constructed': 4147, 'church': 4148, 'conjunction': 4149, 'sesame': 4150, 'handbag': 4151, 'happily': 4152, 'keyboards': 4153, 'omg': 4154, 'imagination': 4155, 'asset': 4156, 'motion': 4157, 'entering': 4158, 'outs': 4159, 'mobility': 4160, 'uploaded': 4161, 'blocked': 4162, 'boots': 4163, 'treadmill': 4164, 'stationary': 4165, 'trash': 4166, '21': 4167, 'reservations': 4168, 'quirky': 4169, 'shared': 4170, 'millions': 4171, 'refuse': 4172, 'conversations': 4173, 'lay': 4174, 'manner': 4175, 'develop': 4176, '2011': 4177, 'counting': 4178, 'jr': 4179, 'adapt': 4180, 'indicated': 4181, 'configuration': 4182, 'transitions': 4183, 'disposal': 4184, 'strange': 4185, 'htpc': 4186, 'wears': 4187, 'thicker': 4188, 'struggling': 4189, 'cold': 4190, 'marks': 4191, 'ultimate': 4192, 'alphabet': 4193, 'understatement': 4194, 'duty': 4195, '1yr': 4196, 'reorder': 4197, 'grew': 4198, '300ppi': 4199, 'cooler': 4200, 'glaring': 4201, 'speedier': 4202, 'ah': 4203, 'nighttime': 4204, 'generations': 4205, 'samples': 4206, 'uneven': 4207, 'nights': 4208, 'spaces': 4209, 'enabling': 4210, '91': 4211, 'bread': 4212, 'artificial': 4213, 'suitcase': 4214, 'aid': 4215, 'scheduled': 4216, 'pw2': 4217, 'sensors': 4218, 'wealth': 4219, 'bits': 4220, 'dolby': 4221, 'dd': 4222, 'convient': 4223, 'remotely': 4224, 'converting': 4225, 'interactions': 4226, 'jetsons': 4227, 'mute': 4228, 'schedules': 4229, '360': 4230, 'cancelling': 4231, 'accuracy': 4232, 'communication': 4233, 'steroids': 4234, 'configured': 4235, 'heater': 4236, 'central': 4237, 'laundry': 4238, 'heating': 4239, 'accurately': 4240, 'tuning': 4241, 'subscribers': 4242, 'wirelessly': 4243, 'goodbye': 4244, 'wiring': 4245, 'ditched': 4246, 'aftv': 4247, 'dump': 4248, 'cbs': 4249, 'atv': 4250, 'brilliant': 4251, 'hardcore': 4252, 'magnet': 4253, 'multitasking': 4254, 'graduate': 4255, 'alternate': 4256, 'mastered': 4257, 'hoops': 4258, 'modest': 4259, 'reboots': 4260, 'onboard': 4261, 'magenta': 4262, 'nonstop': 4263, 'booklet': 4264, 'printing': 4265, 'driver': 4266, 'amazone': 4267, '8in': 4268, 'draining': 4269, 'gamer': 4270, 'displayed': 4271, 'uncomfortable': 4272, 'casually': 4273, 'dime': 4274, 'backwards': 4275, 'standards': 4276, 'dreamed': 4277, 'unreliable': 4278, 'wood': 4279, 'floors': 4280, 'googleplay': 4281, 'fed': 4282, 'rentals': 4283, 'popped': 4284, 'drove': 4285, 'sticky': 4286, 'rare': 4287, 'beforehand': 4288, 'aggravating': 4289, 'upgradable': 4290, 'fashioned': 4291, 'standpoint': 4292, 'north': 4293, 'priceless': 4294, 'rival': 4295, 'feb': 4296, 'roll': 4297, 'patterns': 4298, 'kicks': 4299, 'recording': 4300, 'failing': 4301, 'puzzle': 4302, 'responsible': 4303, 'dull': 4304, 'films': 4305, 'directed': 4306, 'childrens': 4307, 'struggles': 4308, 'pcs': 4309, 'antivirus': 4310, 'perfection': 4311, 'skin': 4312, 'appeared': 4313, 'certificate': 4314, 'ar': 4315, 'individuals': 4316, 'noble': 4317, 'wifes': 4318, 'terribly': 4319, '32g': 4320, 'airline': 4321, 'industry': 4322, 'suggestion': 4323, 'retirement': 4324, 'scan': 4325, 'picky': 4326, 'hindsight': 4327, 'settling': 4328, '8th': 4329, 'admittedly': 4330, 'dissatisfied': 4331, 'viewer': 4332, 'angry': 4333, '8yo': 4334, 'powerhouse': 4335, 'atleast': 4336, 'competent': 4337, 'collections': 4338, 'smell': 4339, 'article': 4340, 'lieu': 4341, 'rapidly': 4342, 'recieved': 4343, 'steep': 4344, 'ol': 4345, 'allot': 4346, 'glued': 4347, 'dictionaries': 4348, 'discontinued': 4349, 'id': 4350, 'cabin': 4351, 'purses': 4352, 'haptic': 4353, 'ounces': 4354, '180': 4355, 'pace': 4356, 'snug': 4357, 'mileage': 4358, 'minimize': 4359, 'closure': 4360, 'folds': 4361, 'fear': 4362, 'gorgeous': 4363, 'grey': 4364, 'chooses': 4365, 'registering': 4366, 'satisfaction': 4367, 'produced': 4368, 'pod': 4369, 'muy': 4370, 'thankful': 4371, 'adaptor': 4372, '120': 4373, 'identify': 4374, 'cart': 4375, 'killed': 4376, 'securely': 4377, 'simplistic': 4378, 'se': 4379, 'hurting': 4380, 'sleeker': 4381, 'visibility': 4382, 'dr': 4383, 'touched': 4384, 'savers': 4385, '22': 4386, 'recorded': 4387, 'universe': 4388, 'damaging': 4389, 'worm': 4390, 'erase': 4391, 'emailing': 4392, 'earned': 4393, 'fro': 4394, 'thier': 4395, 'faces': 4396, 'hasnt': 4397, 'welcomed': 4398, 'beaten': 4399, 'installs': 4400, 'removes': 4401, 'honor': 4402, 'target': 4403, 'grands': 4404, 'charts': 4405, 'heads': 4406, 'ultraviolet': 4407, 'forty': 4408, 'tank': 4409, 'rush': 4410, 'shame': 4411, 'nicest': 4412, '2year': 4413, 'forums': 4414, 'abundance': 4415, 'beside': 4416, 'mod': 4417, 'entertainer': 4418, 'techies': 4419, 'plans': 4420, 'excel': 4421, 'powerpoint': 4422, 'disadvantage': 4423, 'burn': 4424, 'altogether': 4425, 'daycare': 4426, 'restarted': 4427, 'angel': 4428, 'seams': 4429, 'bummer': 4430, '8year': 4431, 'baught': 4432, 'perk': 4433, 'cartoon': 4434, 'workarounds': 4435, 'networking': 4436, 'july': 4437, 'destructive': 4438, 'involved': 4439, 'downsides': 4440, 'gal': 4441, 'freak': 4442, '48': 4443, 'apk': 4444, 'crashes': 4445, 'pluto': 4446, 'laid': 4447, 'century': 4448, 'introducing': 4449, 'roughly': 4450, 'st': 4451, 'animation': 4452, 'zoom': 4453, 'lifestyle': 4454, 'grateful': 4455, 'disconnected': 4456, 'disappear': 4457, 'reminded': 4458, 'drives': 4459, 'lettering': 4460, 'moms': 4461, 'forcing': 4462, 'chore': 4463, 'exceptionally': 4464, 'wires': 4465, 'papers': 4466, 'gathering': 4467, 'visited': 4468, 'blazing': 4469, 'slowed': 4470, 'inferior': 4471, 'intro': 4472, 'developers': 4473, '6year': 4474, 'respect': 4475, 'flashy': 4476, 'nooks': 4477, 'refuses': 4478, 'toilet': 4479, 'disabled': 4480, 'goddaughter': 4481, 'ii': 4482, 'pausing': 4483, 'mount': 4484, '1080': 4485, 'displaying': 4486, 'gray': 4487, 'relationship': 4488, 'ex': 4489, 'driven': 4490, 'obtain': 4491, 'repeating': 4492, 'reservation': 4493, 'carefully': 4494, 'retail': 4495, 'washed': 4496, 'seemingly': 4497, 'mins': 4498, 'heats': 4499, 'cuts': 4500, 'wars': 4501, 'garbage': 4502, 'washer': 4503, 'caring': 4504, 'cup': 4505, 'addressed': 4506, 'actors': 4507, 'condo': 4508, 'understandable': 4509, 'reinstall': 4510, 'lonely': 4511, 'opt': 4512, 'confirm': 4513, 'projector': 4514, 'ins': 4515, 'restaurant': 4516, 'fanboy': 4517, 'de': 4518, 'cars': 4519, 'promise': 4520, 'ball': 4521, 'journey': 4522, 'persons': 4523, 'clue': 4524, 'jbl': 4525, 'kicking': 4526, 'trusted': 4527, 'similarly': 4528, 'amzon': 4529, 'reccommend': 4530, 'joined': 4531, 'obsolete': 4532, 'enhancements': 4533, 'houses': 4534, 'firefox': 4535, 'tendency': 4536, 'bug': 4537, 'noisy': 4538, 'autism': 4539, 'reply': 4540, 'badly': 4541, 'pluses': 4542, 'cents': 4543, 'meeting': 4544, 'surpasses': 4545, 'hardest': 4546, 'promptly': 4547, 'closely': 4548, 'loosing': 4549, 'assured': 4550, 'robots': 4551, 'maintenance': 4552, 'quarter': 4553, 'cat': 4554, 'lightly': 4555, 'defiantly': 4556, 'sections': 4557, 'nursery': 4558, 'countries': 4559, 'hbogo': 4560, 'programmable': 4561, 'redundant': 4562, 'wishing': 4563, 'es': 4564, 'rolled': 4565, 'adopter': 4566, 'la': 4567, 'wasted': 4568, 'cache': 4569, 'shortly': 4570, 'gaining': 4571, 'prepare': 4572, 'advancement': 4573, 'jumps': 4574, 'anyday': 4575, 'dyslexic': 4576, 'clicks': 4577, 'iam': 4578, 'becuase': 4579, 'subtle': 4580, 'bookerly': 4581, 'highlighted': 4582, 'classics': 4583, 'jewel': 4584, 'affect': 4585, 'eink': 4586, 'undecided': 4587, 'believer': 4588, 'lightbulbs': 4589, 'king': 4590, 'backyard': 4591, 'texts': 4592, 'committed': 4593, 'sliced': 4594, 'encyclopedia': 4595, 'tedious': 4596, 'interruptions': 4597, 'begins': 4598, 'raise': 4599, 'esp': 4600, 'releasing': 4601, 'describe': 4602, 'resets': 4603, 'pointless': 4604, 'alerts': 4605, 'physically': 4606, 'certified': 4607, 'airplay': 4608, 'singing': 4609, 'humor': 4610, 'workout': 4611, 'sceptical': 4612, 'listener': 4613, 'vivint': 4614, 'amusing': 4615, 'stump': 4616, 'classical': 4617, 'personality': 4618, 'retrieve': 4619, 'iot': 4620, 'devises': 4621, 'moa': 4622, 'raved': 4623, 'verbally': 4624, 'gimmick': 4625, 'walls': 4626, 'siriusxm': 4627, 'ue': 4628, 'opener': 4629, 'breakfast': 4630, 'bulb': 4631, 'cortana': 4632, 'circle': 4633, 'yelling': 4634, 'detect': 4635, 'controllers': 4636, 'enterprise': 4637, 'kinks': 4638, 'errors': 4639, 'spells': 4640, 'avail': 4641, 'cradle': 4642, 'powerfast': 4643, 'referred': 4644, 'seam': 4645, 'trials': 4646, 'eliminated': 4647, 'mbps': 4648, 'costing': 4649, 'futuristic': 4650, 'entered': 4651, 'giant': 4652, 'twitch': 4653, 'meetings': 4654, 'streamline': 4655, 'vlc': 4656, 'wether': 4657, 'steady': 4658, 'launcher': 4659, 'passes': 4660, '76': 4661, 'offices': 4662, '60s': 4663, '100s': 4664, '200gb': 4665, 'tailored': 4666, 'slows': 4667, 'tasking': 4668, 'slowing': 4669, 'smartphones': 4670, 'slots': 4671, 'flying': 4672, 'amongst': 4673, 'namely': 4674, 'builtin': 4675, 'beef': 4676, 'formatted': 4677, 'york': 4678, 'foray': 4679, 'jumping': 4680, '9th': 4681, 'padded': 4682, 'cracks': 4683, 'repair': 4684, 'ubiquitous': 4685, 'reputable': 4686, 'keypad': 4687, 'astounding': 4688, 'competes': 4689, 'warrant': 4690, 'sudden': 4691, 'whilst': 4692, 'ticking': 4693, 'hints': 4694, 'achieve': 4695, 'designated': 4696, 'sis': 4697, 'scheduling': 4698, 'mexico': 4699, 'stepping': 4700, 'webpage': 4701, 'shades': 4702, 'mailed': 4703, 'estate': 4704, 'disconcerting': 4705, 'lockscreen': 4706, 'permanently': 4707, 'distinguish': 4708, 'shopped': 4709, 'arthritis': 4710, 'replaceable': 4711, 'todays': 4712, 'secondly': 4713, 'locking': 4714, 'destroy': 4715, 'underpowered': 4716, 'yoga': 4717, 'reflective': 4718, 'tine': 4719, 'art': 4720, 'travelers': 4721, 'actions': 4722, 'manuals': 4723, 'pokemon': 4724, 'verify': 4725, 'processors': 4726, 'intermediate': 4727, 'panel': 4728, 'hearts': 4729, 'watcher': 4730, 'dig': 4731, '1gb': 4732, 'failure': 4733, 'temporarily': 4734, 'burning': 4735, 'bundled': 4736, 'reg': 4737, 'encourages': 4738, 'catalog': 4739, 'solutions': 4740, 'centered': 4741, 'afternoon': 4742, 'sees': 4743, 'portal': 4744, 'arounds': 4745, 'brick': 4746, 'appearing': 4747, 'hurts': 4748, 'convince': 4749, 'birds': 4750, 'periodically': 4751, 'splurge': 4752, 'scenes': 4753, 'adopted': 4754, 'fitness': 4755, 'acquainted': 4756, 'marvel': 4757, 'sandisk': 4758, 'insisted': 4759, 'spreadsheets': 4760, 'stinks': 4761, 'alert': 4762, 'headline': 4763, 'notebook': 4764, 'wrapping': 4765, 'exclusive': 4766, 'assuming': 4767, 'preteen': 4768, 'session': 4769, 'poolside': 4770, 'bound': 4771, 'swipes': 4772, 'nose': 4773, 'opportunities': 4774, 'merlot': 4775, 'smallest': 4776, 'renting': 4777, 'leds': 4778, 'brainier': 4779, 'boost': 4780, 'addict': 4781, 'evenly': 4782, 'apparent': 4783, 'conveniently': 4784, 'reduction': 4785, 'female': 4786, 'passages': 4787, 'longest': 4788, 'straining': 4789, 'delicate': 4790, 'kudos': 4791, 'dropbox': 4792, 'monday': 4793, 'manageable': 4794, 'pet': 4795, 'syndrome': 4796, 'lte': 4797, 'tying': 4798, 'extent': 4799, 'october': 4800, 'surprises': 4801, 'resetting': 4802, 'repeatedly': 4803, 'excellant': 4804, 'assure': 4805, 'awaiting': 4806, 'arrival': 4807, 'watts': 4808, 'ate': 4809, 'dissapointed': 4810, '1a': 4811, 'health': 4812, 'marvelous': 4813, 'rip': 4814, 'alittle': 4815, 'labeled': 4816, 'unbelievably': 4817, 'mobi': 4818, 'blow': 4819, 'thinnest': 4820, 'monopoly': 4821, 'adaptable': 4822, 'exited': 4823, 'jobs': 4824, 'guidance': 4825, 'intimidating': 4826, 'beast': 4827, 'restore': 4828, 'kidding': 4829, 'swap': 4830, 'fo': 4831, 'upgradeable': 4832, 'deaf': 4833, 'elephant': 4834, 'ranging': 4835, 'git': 4836, 'arena': 4837, 'nonetheless': 4838, 'amaze': 4839, 'purchaser': 4840, 'spite': 4841, 'promotional': 4842, 'recall': 4843, '1024': 4844, 'demanding': 4845, 'grandbaby': 4846, 'introduce': 4847, 'guru': 4848, 'shutdown': 4849, 'wishes': 4850, 'creation': 4851, 'passable': 4852, 'stretch': 4853, 'playtime': 4854, 'preschoolers': 4855, 'snapchat': 4856, 'girlfriends': 4857, 'approx': 4858, 'communications': 4859, 'dads': 4860, 'notices': 4861, 'shortcoming': 4862, 'starbucks': 4863, 'tomorrow': 4864, 'impression': 4865, 'anxious': 4866, 'printer': 4867, 'emulators': 4868, 'refrigerator': 4869, 'memorable': 4870, 'foster': 4871, 'survives': 4872, 'stepdaughter': 4873, 'chances': 4874, 'largest': 4875, 'seemless': 4876, 'neatly': 4877, 'textbook': 4878, 'assortment': 4879, 'unfamiliar': 4880, 'babysitter': 4881, 'fields': 4882, 'creepy': 4883, '10yr': 4884, 'utube': 4885, 'dearly': 4886, 'kindergarten': 4887, 'definetly': 4888, 'manufacturers': 4889, 'touches': 4890, 'stress': 4891, 'ancient': 4892, 'fort': 4893, 'clients': 4894, 'sooooo': 4895, 'donate': 4896, 'specify': 4897, 'renew': 4898, 'ot': 4899, 'resulting': 4900, 'assumed': 4901, 'biggie': 4902, 'severely': 4903, 'demo': 4904, '6s': 4905, 'arguing': 4906, 'arguments': 4907, 'cam': 4908, 'apprehensive': 4909, 'cheep': 4910, 'avoided': 4911, 'host': 4912, 'operator': 4913, 'stole': 4914, 'map': 4915, 'invaluable': 4916, 'women': 4917, 'bend': 4918, 'posted': 4919, 'ugh': 4920, 'wonky': 4921, 'registration': 4922, 'community': 4923, 'subjects': 4924, 'serving': 4925, 'troubleshooting': 4926, 'expandability': 4927, 'stuffers': 4928, 'caved': 4929, 'shopper': 4930, 'wrote': 4931, 'builds': 4932, 'flowers': 4933, 'holy': 4934, 'cds': 4935, 'formats': 4936, 'initialize': 4937, 'costumer': 4938, 'un': 4939, 'splurged': 4940, 'ls': 4941, 'corners': 4942, 'disk': 4943, 'documentation': 4944, 'approach': 4945, 'massive': 4946, 'hurry': 4947, 'appeal': 4948, 'operational': 4949, 'excels': 4950, 'rc': 4951, '4yo': 4952, 'inputs': 4953, 'upright': 4954, 'servers': 4955, 'elmo': 4956, 'completing': 4957, 'icloud': 4958, 'enlarged': 4959, 'coworker': 4960, 'inserted': 4961, 'startup': 4962, '125': 4963, 'cheat': 4964, 'fave': 4965, 'browses': 4966, 'preset': 4967, 'frames': 4968, 'nintendo': 4969, 'snugly': 4970, 'flow': 4971, 'preferably': 4972, 'ratings': 4973, 'bump': 4974, 'nowadays': 4975, 'engines': 4976, 'idle': 4977, 'dryer': 4978, 'blocking': 4979, 'dimly': 4980, 'warming': 4981, 'youngster': 4982, 'shapes': 4983, 'samsungs': 4984, 'dogs': 4985, 'hollow': 4986, 'planet': 4987, 'apt': 4988, 'relief': 4989, 'prompts': 4990, 'clips': 4991, 'reputation': 4992, 'dreams': 4993, 'interfere': 4994, 'hesitated': 4995, 'persuaded': 4996, 'adware': 4997, 'nevertheless': 4998, 'infant': 4999, 'apply': 5000, 'sleeps': 5001, 'slowness': 5002, '70s': 5003, 'reaching': 5004, 'obtained': 5005, 'simplified': 5006, 'reproduction': 5007, 'hefty': 5008, 'airplanes': 5009, 'pose': 5010, 'lake': 5011, 'pun': 5012, 'swore': 5013, 'preparing': 5014, 'defaults': 5015, 'screensaver': 5016, 'equipped': 5017, 'bummed': 5018, 'ya': 5019, 'lightening': 5020, 'daugther': 5021, 'moderately': 5022, 'bridge': 5023, 'neck': 5024, 'bags': 5025, 'stutter': 5026, 'bumps': 5027, 'bay': 5028, 'fallen': 5029, 'partial': 5030, 'wowwee': 5031, 'merchandise': 5032, 'ro': 5033, 'cookbooks': 5034, 'mixed': 5035, 'shortcomings': 5036, 'expansive': 5037, 'hitch': 5038, 'rename': 5039, 'affected': 5040, 'japanese': 5041, 'mommy': 5042, 'messed': 5043, 'bluray': 5044, 'freely': 5045, 'nearest': 5046, 'activating': 5047, 'author': 5048, 'peasy': 5049, 'appts': 5050, 'hawaii': 5051, 'kicked': 5052, 'portion': 5053, 'loudness': 5054, 'resistance': 5055, 'dims': 5056, '80s': 5057, 'gizmo': 5058, 'genuine': 5059, 'notepad': 5060, 'oz': 5061, 'exterior': 5062, 'los': 5063, 'clearing': 5064, 'yearly': 5065, 'droid': 5066, 'supporting': 5067, 'clubhouse': 5068, 'yay': 5069, 'scary': 5070, 'hidden': 5071, 'launch': 5072, 'topics': 5073, 'settle': 5074, '2010': 5075, 'dimmed': 5076, 'reaches': 5077, 'moon': 5078, 'dragging': 5079, 'whitepaper': 5080, 'resisted': 5081, 'builder': 5082, 'annoy': 5083, 'manufactured': 5084, 'precision': 5085, 'contacting': 5086, 'toggle': 5087, 'habits': 5088, 'hardcover': 5089, 'recognise': 5090, 'luggage': 5091, 'transitioning': 5092, 'gimmicks': 5093, 'character': 5094, 'static': 5095, 'electronically': 5096, 'lightness': 5097, 'ghost': 5098, 'soothing': 5099, 'bookbub': 5100, 'luxury': 5101, 'optimized': 5102, 'raises': 5103, 'safer': 5104, 'disliked': 5105, 'additions': 5106, 'translation': 5107, 'smartest': 5108, 'blink': 5109, 'highs': 5110, 'sec': 5111, 'chapter': 5112, 'react': 5113, 'yep': 5114, 'seldom': 5115, 'blacks': 5116, 'financial': 5117, 'hunt': 5118, 'gear': 5119, 'innovation': 5120, 'rounded': 5121, 'shares': 5122, 'topic': 5123, 'remedy': 5124, 'overheat': 5125, 'christian': 5126, 'serbia': 5127, 'cdn': 5128, 'knocking': 5129, 'context': 5130, 'rains': 5131, 'dj': 5132, 'housewarming': 5133, 'tower': 5134, 'witty': 5135, 'dancing': 5136, 'meditation': 5137, 'hmmm': 5138, 'laughs': 5139, 'database': 5140, 'depot': 5141, 'disconnects': 5142, 'voila': 5143, 'replies': 5144, 'instruct': 5145, 'mics': 5146, 'howard': 5147, 'disconnecting': 5148, 'calculations': 5149, 'automating': 5150, 'gimmicky': 5151, 'control4': 5152, 'addictive': 5153, 'lyrics': 5154, 'appropriately': 5155, 'boo': 5156, 'amusement': 5157, 'manages': 5158, 'npr': 5159, 'obscure': 5160, 'existent': 5161, 'treble': 5162, 'dominos': 5163, 'steve': 5164, 'neighbors': 5165, 'rates': 5166, 'actor': 5167, 'api': 5168, 'facility': 5169, 'rachio': 5170, 'hopper': 5171, 'stumped': 5172, 'theaters': 5173, 'chores': 5174, 'dorm': 5175, 'precise': 5176, 'alexas': 5177, 'standalone': 5178, 'dry': 5179, 'mlb': 5180, 'rave': 5181, 'era': 5182, 'listings': 5183, 'belkin': 5184, 'screaming': 5185, 'keywords': 5186, 'philip': 5187, 'tub': 5188, 'bec': 5189, 'sprinklers': 5190, 'soundlink': 5191, 'roommate': 5192, 'discovery': 5193, 'feeds': 5194, 'calendars': 5195, 'sewing': 5196, 'directional': 5197, 'earth': 5198, 'lows': 5199, '4ghz': 5200, 'nas': 5201, 'tour': 5202, 'hd10': 5203, 'expenses': 5204, 'psvue': 5205, 'ether': 5206, 'navagate': 5207, 'forwarding': 5208, 'reliably': 5209, 'addons': 5210, 'fps': 5211, 'cat5': 5212, 'firestarter': 5213, '800': 5214, 'accesses': 5215, 'inlaws': 5216, 'schooled': 5217, 'leaning': 5218, 'saavy': 5219, 'depend': 5220, 'velcro': 5221, 'steals': 5222, 'scale': 5223, 'traveler': 5224, 'fat32': 5225, 'ntfs': 5226, 'kaspersky': 5227, 'hw': 5228, 'mp4': 5229, 'truck': 5230, 'arent': 5231, 'posts': 5232, 'vanilla': 5233, 'subsidize': 5234, 'homeschool': 5235, 'viber': 5236, 'mayday': 5237, 'fierce': 5238, 'convinient': 5239, 'easyer': 5240, 'overloaded': 5241, 'associates': 5242, 'dos': 5243, 'hangs': 5244, 'forms': 5245, 'kiosk': 5246, 'drone': 5247, 'strikes': 5248, 'weighing': 5249, 'recharges': 5250, 'pointed': 5251, 'throughly': 5252, 'fork': 5253, 'courses': 5254, 'freebies': 5255, 'unread': 5256, 'bullet': 5257, 'greats': 5258, 'vendor': 5259, 'shoot': 5260, 'ty': 5261, 'satified': 5262, 'respectable': 5263, 'garden': 5264, 'philosophy': 5265, 'experimental': 5266, 'lightens': 5267, 'novices': 5268, 'humans': 5269, 'demonstrate': 5270, 'tweaks': 5271, 'agent': 5272, 'gpu': 5273, 'minimally': 5274, 'cruising': 5275, 'restrictive': 5276, 'marriage': 5277, 'sentences': 5278, 'heartbeat': 5279, 'awesomeness': 5280, 'parameters': 5281, 'longtime': 5282, 'casino': 5283, 'attempting': 5284, 'economy': 5285, 'knitting': 5286, '7in': 5287, 'reclining': 5288, 'leg': 5289, 'assisted': 5290, '72': 5291, 'overheating': 5292, 'eve': 5293, 'preinstalled': 5294, 'satisfies': 5295, 'ms': 5296, 'docx': 5297, 'desires': 5298, 'permission': 5299, 'greenish': 5300, 'yellowish': 5301, 'tones': 5302, 'accommodate': 5303, 'unwrapped': 5304, 'truely': 5305, 'thorough': 5306, 'decode': 5307, 'stopper': 5308, 'weighted': 5309, 'ips': 5310, 'icing': 5311, 'discreet': 5312, 'browsers': 5313, 'converted': 5314, 'facebooking': 5315, 'ghz': 5316, 'workaround': 5317, 'redbox': 5318, 'belong': 5319, 'landed': 5320, 'convincing': 5321, 'overjoyed': 5322, 'memberships': 5323, 'sheet': 5324, 'codes': 5325, 'sided': 5326, 'theses': 5327, 'transferring': 5328, 'spine': 5329, 'appreciation': 5330, 'precious': 5331, 'discussing': 5332, 'cares': 5333, 'fruit': 5334, 'statement': 5335, 'subsidized': 5336, 'objective': 5337, 'embarrassing': 5338, 'alas': 5339, 'mines': 5340, 'safely': 5341, 'collecting': 5342, 'doc': 5343, 'appt': 5344, 'wrap': 5345, 'deeply': 5346, 'specials': 5347, 'expects': 5348, 'remarkably': 5349, 'explains': 5350, 'buds': 5351, 'bravo': 5352, 'criteria': 5353, 'schooling': 5354, 'taller': 5355, 'income': 5356, 'jeans': 5357, 'promises': 5358, 'raining': 5359, 'unreal': 5360, 'rectangular': 5361, 'measured': 5362, 'freaking': 5363, 'replacements': 5364, 'cautious': 5365, 'fiddle': 5366, 'june': 5367, 'designs': 5368, 'briefcase': 5369, 'separated': 5370, 'fatigue': 5371, 'attract': 5372, 'deserves': 5373, 'modify': 5374, 'lovin': 5375, 'smells': 5376, 'sessions': 5377, 'upside': 5378, 'detached': 5379, 'snaps': 5380, 'align': 5381, 'triple': 5382, 'pulls': 5383, 'folding': 5384, 'tan': 5385, 'upward': 5386, 'inadvertently': 5387, 'clasp': 5388, 'securing': 5389, 'subpar': 5390, 'reviewer': 5391, 'fresh': 5392, 'commented': 5393, 'letter': 5394, 'representative': 5395, 'ds': 5396, 'newstand': 5397, 'handful': 5398, 'relying': 5399, 'tinny': 5400, 'restricts': 5401, 'zippy': 5402, 'bleed': 5403, 'unfortunate': 5404, 'repairs': 5405, 'fanatic': 5406, 'meh': 5407, 'buyers': 5408, 'backed': 5409, 'intact': 5410, 'chord': 5411, 'unnecessarily': 5412, '1000ma': 5413, 'fiction': 5414, 'excelente': 5415, '220': 5416, 'asia': 5417, 'favorable': 5418, 'idevices': 5419, 'disclosure': 5420, 'watt': 5421, 'ending': 5422, 'bee': 5423, 'spares': 5424, 'excessive': 5425, 'earphones': 5426, 'daytime': 5427, 'eighth': 5428, 'backpacking': 5429, 'truthfully': 5430, 'reduces': 5431, 'touchy': 5432, 'xda': 5433, 'earning': 5434, 'folio': 5435, 'paced': 5436, 'contest': 5437, 'trains': 5438, 'ecstatic': 5439, 'destroys': 5440, 'aug': 5441, 'citizens': 5442, 'amzn': 5443, 'chromebook': 5444, 'minded': 5445, 'tethered': 5446, 'coins': 5447, 'tha': 5448, 'chromcast': 5449, '1000s': 5450, 'razor': 5451, 'ut': 5452, 'cheers': 5453, 'sweat': 5454, 'whispersync': 5455, 'abundant': 5456, 'smudge': 5457, 'nightly': 5458, 'restricting': 5459, 'engage': 5460, 'abcmouse': 5461, 'chains': 5462, 'arrangement': 5463, 'specialized': 5464, 'uncertain': 5465, 'unauthorized': 5466, 'multitask': 5467, 'gas': 5468, 'ought': 5469, 'grandkid': 5470, 'useage': 5471, 'fullest': 5472, 'suggests': 5473, 'sensible': 5474, 'crunchyroll': 5475, 'mu': 5476, 'recommendable': 5477, 'witch': 5478, 'bite': 5479, 'realy': 5480, 'pillow': 5481, 'ear': 5482, 'flap': 5483, 'flips': 5484, 'tempting': 5485, 'internally': 5486, 'nagging': 5487, '53': 5488, 'unlocked': 5489, 'forgets': 5490, 'headsets': 5491, 'antiglare': 5492, 'peaceful': 5493, 'grabbing': 5494, 'realizing': 5495, 'grades': 5496, 'advised': 5497, 'booted': 5498, 'twenty': 5499, 'removable': 5500, 'coz': 5501, 'plagued': 5502, 'secured': 5503, 'bust': 5504, 'cleared': 5505, 'tumblr': 5506, 'density': 5507, 'proves': 5508, 'complants': 5509, 'ordinary': 5510, 'chrismas': 5511, 'gradually': 5512, 'ita': 5513, 'officially': 5514, 'repurchase': 5515, 'scriptures': 5516, 'meaningful': 5517, 'messes': 5518, 'positively': 5519, 'pintrest': 5520, 'economist': 5521, 'concrete': 5522, 'excedes': 5523, 'purchasers': 5524, 'projects': 5525, 'ts': 5526, 'advert': 5527, 'et': 5528, 'guessing': 5529, 'texture': 5530, 'tier': 5531, 'inclusion': 5532, 'raising': 5533, 'proce': 5534, 'multiplayer': 5535, 'anyhow': 5536, 'enhances': 5537, 'skyping': 5538, 'moneys': 5539, '82': 5540, 'convienent': 5541, 'legs': 5542, 'bedside': 5543, 'suffer': 5544, 'elated': 5545, 'void': 5546, 'ware': 5547, 'compute': 5548, 'megapixels': 5549, 'incentives': 5550, 'restriction': 5551, 'inserts': 5552, 'thr': 5553, 'interruption': 5554, 'island': 5555, 'extraordinary': 5556, 'diagrams': 5557, 'embedded': 5558, 'ohio': 5559, 'hill': 5560, 'snd': 5561, 'theyre': 5562, 'googles': 5563, 'amozon': 5564, 'strength': 5565, 'spy': 5566, 'cow': 5567, 'lounge': 5568, 'abroad': 5569, 'stepson': 5570, 'staple': 5571, 'bookmarks': 5572, 'thomas': 5573, 'china': 5574, 'intensity': 5575, 'disc': 5576, 'basketball': 5577, 'commonly': 5578, 'annual': 5579, 'fri': 5580, 'coloring': 5581, 'vegas': 5582, 'raised': 5583, 'cyber': 5584, 'bless': 5585, 'shattered': 5586, 'procedure': 5587, 'pry': 5588, 'mike': 5589, 'approximately': 5590, 'portrait': 5591, 'eliminating': 5592, 'caching': 5593, 'swimming': 5594, 'buses': 5595, 'ver': 5596, 'cleaner': 5597, 'warned': 5598, 'fiancee': 5599, 'wotks': 5600, 'manipulate': 5601, 'lark': 5602, 'airlines': 5603, 'flag': 5604, 'iterations': 5605, 'dealt': 5606, 'tuff': 5607, 'bingo': 5608, '67': 5609, 'cycles': 5610, 'regulate': 5611, 'heartbroken': 5612, 'nuts': 5613, 'individually': 5614, 'vendors': 5615, 'stubborn': 5616, 'dispute': 5617, 'bogged': 5618, 'props': 5619, 'instructional': 5620, 'drawing': 5621, 'synched': 5622, 'formatting': 5623, 'footnotes': 5624, 'experiencing': 5625, 'contract': 5626, 'vacuum': 5627, 'reconnecting': 5628, 'usd': 5629, 'sucked': 5630, 'dates': 5631, 'certificates': 5632, 'indicator': 5633, 'batch': 5634, 'bookstore': 5635, 'dang': 5636, 'sensation': 5637, 'charter': 5638, 'pulse': 5639, 'knowledgable': 5640, 'homerun': 5641, 'http': 5642, '5mm': 5643, 'useeasy': 5644, 'verified': 5645, 'momma': 5646, 'minis': 5647, 'airports': 5648, 'defeats': 5649, 'promotes': 5650, 'fortunate': 5651, 'fare': 5652, 'sum': 5653, 'colour': 5654, 'varied': 5655, 'mall': 5656, 'impact': 5657, 'educated': 5658, 'communicating': 5659, 'coworkers': 5660, 'cabinet': 5661, 'esay': 5662, 'fifteen': 5663, 'everday': 5664, 'golden': 5665, 'payments': 5666, 'shout': 5667, 'alleviate': 5668, 'consumers': 5669, 'pitch': 5670, 'optimal': 5671, 'childproof': 5672, 'seek': 5673, 'defects': 5674, 'pinch': 5675, 'adapting': 5676, 'realm': 5677, 'oddly': 5678, 'noticing': 5679, 'yea': 5680, 'imho': 5681, 'dice': 5682, 'choppy': 5683, '26': 5684, 'cry': 5685, 'opera': 5686, 'attribute': 5687, 'bff': 5688, 'aimed': 5689, 'exchanging': 5690, 'compensate': 5691, 'absolutly': 5692, 'faced': 5693, 'considerable': 5694, 'getjar': 5695, '21st': 5696, 'butter': 5697, 'commuting': 5698, 'multipurpose': 5699, 'newbie': 5700, 'hire': 5701, 'personalize': 5702, 'contains': 5703, 'attachment': 5704, 'critical': 5705, 'dash': 5706, 'aswell': 5707, 'fond': 5708, 'lengthy': 5709, 'fidelity': 5710, 'mip': 5711, 'customizing': 5712, 'phase': 5713, 'blame': 5714, '140': 5715, 'diverse': 5716, 'incident': 5717, 'complications': 5718, 'applying': 5719, 'wash': 5720, 'sone': 5721, 'korean': 5722, 'rings': 5723, 'fore': 5724, 'ise': 5725, 'advances': 5726, 'v1': 5727, 'wdtv': 5728, 'niche': 5729, 'elements': 5730, 'dauther': 5731, 'anticipate': 5732, 'rules': 5733, 'theatre': 5734, 'disabilities': 5735, 'instructed': 5736, 'hockey': 5737, 'earbuds': 5738, 'digitally': 5739, 'returns': 5740, 'insane': 5741, 'mtv': 5742, 'horizontal': 5743, 'layer': 5744, 'gigabytes': 5745, 'scope': 5746, 'pesky': 5747, 'voracious': 5748, 'quirk': 5749, 'traditionalist': 5750, 'downgraded': 5751, 'packing': 5752, 'importance': 5753, 'visa': 5754, 'mild': 5755, 'independent': 5756, 'repossess': 5757, 'swapped': 5758, 'assists': 5759, 'describing': 5760, 'charity': 5761, 'hes': 5762, 'drinks': 5763, 'excitement': 5764, 'blotches': 5765, 'dictate': 5766, 'crucial': 5767, 'implemented': 5768, 'bubble': 5769, 'difficulties': 5770, 'tapes': 5771, 'loooooove': 5772, 'march': 5773, 'hr': 5774, 'object': 5775, 'incorporate': 5776, 'treated': 5777, 'engineered': 5778, 'energy': 5779, 'glowing': 5780, 'iffy': 5781, 'warmer': 5782, 'bleeding': 5783, 'ice': 5784, 'unparalleled': 5785, 'umbrella': 5786, 'render': 5787, 'crown': 5788, 'darkened': 5789, 'stability': 5790, 'melatonin': 5791, 'variable': 5792, 'vacations': 5793, 'paperless': 5794, 'burden': 5795, 'shine': 5796, 'fumbling': 5797, 'firm': 5798, 'brightly': 5799, 'dial': 5800, 'define': 5801, 'delightful': 5802, 'role': 5803, 'loyalty': 5804, 'blew': 5805, 'swing': 5806, 'shadow': 5807, 'illuminated': 5808, 'graduating': 5809, 'reluctantly': 5810, 'literature': 5811, 'dear': 5812, 'inbuilt': 5813, 'effects': 5814, 'defined': 5815, 'chapters': 5816, 'techno': 5817, 'fl': 5818, 'unclear': 5819, 'valentine': 5820, 'swedish': 5821, 'sue': 5822, 'unplugging': 5823, 'lacked': 5824, 'thereby': 5825, 'hilarious': 5826, 'listing': 5827, 'waits': 5828, 'stage': 5829, 'sporadic': 5830, 'resting': 5831, 'lame': 5832, 'suffers': 5833, 'rushed': 5834, 'folded': 5835, 'sofa': 5836, 'lurve': 5837, 'promote': 5838, 'born': 5839, 'merely': 5840, 'macular': 5841, 'degeneration': 5842, 'shadows': 5843, 'instrumental': 5844, 'conveniences': 5845, 'receptive': 5846, 'lifestyles': 5847, 'unused': 5848, 'priority': 5849, 'pile': 5850, 'interior': 5851, 'mission': 5852, 'harm': 5853, 'dreaded': 5854, 'readin': 5855, 'electricity': 5856, 'rising': 5857, 'ensures': 5858, 'antiquated': 5859, 'decisions': 5860, 'evenings': 5861, 'recessed': 5862, 'submit': 5863, 'rolls': 5864, 'unacceptable': 5865, 'thrones': 5866, 'pagepress': 5867, 'farther': 5868, 'intent': 5869, 'adapts': 5870, 'achieved': 5871, 'leader': 5872, 'dough': 5873, 'magnificent': 5874, 'backing': 5875, 'fireplace': 5876, 'behave': 5877, 'natively': 5878, 'les': 5879, 'livres': 5880, 'backorder': 5881, 'drastically': 5882, 'gigabit': 5883, 'shoulders': 5884, 'fridge': 5885, 'cities': 5886, 'gen1': 5887, 'slightest': 5888, 'glorified': 5889, 'shuffle': 5890, 'laughed': 5891, 'inanimate': 5892, 'becareful': 5893, 'tuned': 5894, 'scream': 5895, 'calender': 5896, 'laughter': 5897, 'baking': 5898, 'avaliable': 5899, 'joking': 5900, 'locally': 5901, 'bot': 5902, 'phillip': 5903, 'sang': 5904, 'musicians': 5905, 'meal': 5906, 'lawn': 5907, 'countertop': 5908, 'adapters': 5909, 'maker': 5910, 'decor': 5911, 'synchronize': 5912, 'schlage': 5913, 'matches': 5914, 'memorize': 5915, 'baseball': 5916, 'stern': 5917, 'helpfull': 5918, 'afar': 5919, 'scoop': 5920, 'av': 5921, 'human': 5922, 'routines': 5923, 'butler': 5924, 'secretary': 5925, 'informational': 5926, 'modules': 5927, 'identical': 5928, 'confirmed': 5929, 'interacts': 5930, 'resulted': 5931, 'obey': 5932, 'phrasing': 5933, 'exercise': 5934, 'examples': 5935, 'demonstrates': 5936, 'dynamic': 5937, 'z': 5938, 'myq': 5939, 'dumped': 5940, 'wit': 5941, 'boat': 5942, 'hottest': 5943, 'soundtrack': 5944, 'inquiry': 5945, 'unanswered': 5946, 'jam': 5947, 'remembering': 5948, 'eagles': 5949, 'supplies': 5950, 'hall': 5951, 'simplify': 5952, 'eyeing': 5953, 'musics': 5954, 'buff': 5955, 'knocks': 5956, 'queen': 5957, 'releases': 5958, 'jarvis': 5959, 'walks': 5960, 'explanatory': 5961, 'revolution': 5962, 'fascinating': 5963, 'unpack': 5964, 'repeats': 5965, 'george': 5966, 'jetson': 5967, 'amazin': 5968, 'cromecast': 5969, 'controllable': 5970, 'shortcuts': 5971, 'forgetting': 5972, 'solo': 5973, 'generate': 5974, 'false': 5975, 'comprehensive': 5976, 'bbq': 5977, 'hindi': 5978, 'tubular': 5979, 'sequence': 5980, '160': 5981, 'googling': 5982, 'forcast': 5983, 'converts': 5984, 'mi': 5985, 'relaxation': 5986, 'promising': 5987, 'puck': 5988, 'meantime': 5989, 'distortion': 5990, 'misunderstanding': 5991, 'overwhelming': 5992, 'fantastically': 5993, 'records': 5994, 'consoles': 5995, 'triggers': 5996, 'riddles': 5997, 'wiki': 5998, 'tapped': 5999, 'tweak': 6000, 'domino': 6001, 'den': 6002, 'zip': 6003, 'hoc': 6004, 'olympics': 6005, 'iron': 6006, 'potatoes': 6007, 'podcast': 6008, 'dsl': 6009, 'ala': 6010, 'awe': 6011, 'chuck': 6012, 'alexi': 6013, 'knocked': 6014, 'fabric': 6015, 'steam': 6016, 'cordless': 6017, 'tx': 6018, 'jailbreak': 6019, 'hdcp': 6020, 'troubleshoot': 6021, '60fps': 6022, 'seasons': 6023, 'playstaion': 6024, 'decoding': 6025, 'rf': 6026, 'presses': 6027, 'starz': 6028, 'h265': 6029, 'mods': 6030, 'delays': 6031, 'pureflix': 6032, 'antennae': 6033, 'buffered': 6034, 'premiere': 6035, 'consolidate': 6036, 'tuner': 6037, 'exodus': 6038, 'gap': 6039, 'timeline': 6040, 'ripped': 6041, 'dtv': 6042, 'ota': 6043, '30fps': 6044, 'headset': 6045, 'otterbox': 6046, '900': 6047, 'insanely': 6048, 'glossy': 6049, '64gig': 6050, 'cease': 6051, 'kindled': 6052, 'easel': 6053, 'inexspensive': 6054, 'fingerprint': 6055, 'elaborate': 6056, 'rights': 6057, 'rail': 6058, 'paws': 6059, 'recreation': 6060, 'aftermarket': 6061, 'hint': 6062, 'generous': 6063, 'complimentary': 6064, 'resolutions': 6065, 'wad': 6066, 'sims': 6067, 'unlocks': 6068, 'sticker': 6069, 'preferring': 6070, 'surfacing': 6071, 'loosens': 6072, 'variation': 6073, 'netflixs': 6074, '6gb': 6075, 'routes': 6076, 'blueray': 6077, 'horsepower': 6078, 'recipients': 6079, 'biting': 6080, 'spam': 6081, 'loadout': 6082, 'periodicals': 6083, 'foremost': 6084, 'maintains': 6085, 'lecture': 6086, 'roots': 6087, 'shabby': 6088, 'stomach': 6089, 'accepted': 6090, 'trys': 6091, 'ninety': 6092, 'bookreader': 6093, 'blackfriday': 6094, 'winter': 6095, 'fuzzy': 6096, 'conflicting': 6097, 'babysit': 6098, 'pict': 6099, 'semester': 6100, 'godsend': 6101, 'graphical': 6102, 'hides': 6103, 'ecosphere': 6104, 'arrow': 6105, 'doubled': 6106, 'burned': 6107, 'snuff': 6108, 'quest': 6109, 'burns': 6110, 'instances': 6111, '5x': 6112, 'techs': 6113, 'referring': 6114, 'disappeared': 6115, 'walled': 6116, 'ereading': 6117, 'issued': 6118, 'occurs': 6119, 'andi': 6120, 'anxiety': 6121, 'proficient': 6122, 'sixth': 6123, 'html': 6124, '56': 6125, 'detracts': 6126, 'mm': 6127, 'personnel': 6128, 'behavior': 6129, 'diabetic': 6130, 'typed': 6131, 'excuse': 6132, 'manufacture': 6133, 'reciever': 6134, 'exam': 6135, 'gardening': 6136, 'crime': 6137, 'screed': 6138, 'evaluating': 6139, 'stripped': 6140, 'lagged': 6141, 'bur': 6142, 'calmly': 6143, 'encouraged': 6144, 'unlocking': 6145, 'gladly': 6146, 'approached': 6147, 'fire8': 6148, 'interrupted': 6149, 'camer': 6150, 'costed': 6151, 'fintie': 6152, 'pricegood': 6153, 'blitz': 6154, 'ness': 6155, 'diversity': 6156, 'swype': 6157, 'earphone': 6158, 'cruzing': 6159, 'dji': 6160, 'fashion': 6161, 'smudges': 6162, 'gallery': 6163, 'demon': 6164, 'nerve': 6165, 'survey': 6166, 'grest': 6167, 'malfunctioning': 6168, 'movement': 6169, 'websurfing': 6170, 'pie': 6171, 'warranties': 6172, 'alight': 6173, 'diapointed': 6174, 'dandy': 6175, 'veteran': 6176, 'supervise': 6177, 'invasive': 6178, 'encryption': 6179, 'decrease': 6180, 'hevc': 6181, 'seventy': 6182, 'ipad2': 6183, 'ed': 6184, 'functionalities': 6185, 'conversion': 6186, 'imaginable': 6187, '5gb': 6188, 'beginers': 6189, 'summaries': 6190, 'spreadsheet': 6191, 'segment': 6192, 'nano': 6193, 'nextflix': 6194, 'hogging': 6195, 'cc': 6196, 'acer': 6197, 'outcome': 6198, 'disappoints': 6199, 'funtional': 6200, 'contemplating': 6201, 'latter': 6202, 'deter': 6203, 'genuinely': 6204, 'payed': 6205, 'grt': 6206, 'protectors': 6207, 'pirce': 6208, 'mainstream': 6209, 'paw': 6210, 'contender': 6211, '350': 6212, 'dentist': 6213, 'productively': 6214, 'quilty': 6215, 'curved': 6216, 'grandbabie': 6217, 'drivers': 6218, 'kindal': 6219, 'praise': 6220, 'pearl': 6221, 'magnetically': 6222, 'discontinue': 6223, 'billboard': 6224, 'upfront': 6225, '01': 6226, 'negotiate': 6227, 'motivates': 6228, 'smartwatch': 6229, 'structure': 6230, 'uninterrupted': 6231, 'voiding': 6232, '3gb': 6233, 'tween': 6234, 'amps': 6235, 'astonishing': 6236, 'positioned': 6237, 'gamers': 6238, 'hybrid': 6239, 'recovered': 6240, 'performer': 6241, 'rocket': 6242, 'unfair': 6243, 'sceen': 6244, 'repaired': 6245, 'rainy': 6246, 'stats': 6247, 'awesomely': 6248, 'surpass': 6249, 'necessities': 6250, 'promos': 6251, 'ehhh': 6252, 'collect': 6253, 'digging': 6254, 'nough': 6255, 'executive': 6256, '10in': 6257, 'fronts': 6258, 'knee': 6259, 'slowest': 6260, 'goo': 6261, 'rhe': 6262, 'placement': 6263, 'unboxing': 6264, 'former': 6265, 'whichever': 6266, 'brown': 6267, 'wine': 6268, 'increasingly': 6269, 'outperformed': 6270, 'procesor': 6271, 'vanished': 6272, 'thinness': 6273, 'justification': 6274, 'refreshes': 6275, 'wrist': 6276, 'pleasurable': 6277, '290': 6278, 'spendy': 6279, 'distributed': 6280, '27': 6281, 'ounce': 6282, 'magnets': 6283, 'engineering': 6284, 'achievements': 6285, 'opposite': 6286, 'designing': 6287, 'reflects': 6288, 'comforting': 6289, 'weightless': 6290, 'tire': 6291, 'pants': 6292, 'elliptical': 6293, 'occur': 6294, 'touted': 6295, 'cardboard': 6296, 'closet': 6297, 'stiff': 6298, 'thickness': 6299, 'border': 6300, '54': 6301, 'rigid': 6302, 'attaches': 6303, 'mechanism': 6304, 'contained': 6305, 'hinges': 6306, 'angled': 6307, 'horribly': 6308, 'evaluate': 6309, 'mindless': 6310, 'geeks': 6311, 'schools': 6312, 'spin': 6313, 'shaped': 6314, 'folders': 6315, 'arranged': 6316, 'despise': 6317, 'partly': 6318, 'carpal': 6319, 'tunnel': 6320, 'bomb': 6321, 'challenges': 6322, 'translations': 6323, 'stumbled': 6324, 'primetime': 6325, 'frees': 6326, 'therapy': 6327, 'safeguard': 6328, 'circadian': 6329, 'rhythm': 6330, 'authorized': 6331, 'modular': 6332, 'sincerely': 6333, 'voltage': 6334, '5v': 6335, 'distinction': 6336, 'staples': 6337, 'regulated': 6338, 'produt': 6339, 'bueno': 6340, 'reat': 6341, 'calmness': 6342, 'critter': 6343, '289': 6344, 'volts': 6345, 'usefull': 6346, 'dp': 6347, 'nasty': 6348, 'woks': 6349, 'packet': 6350, 'fountains': 6351, 'writes': 6352, 'biographies': 6353, 'technician': 6354, 's6': 6355, 'prongy': 6356, 'magically': 6357, 'involve': 6358, 'silicone': 6359, 'lightweigh': 6360, 'simplest': 6361, 'matted': 6362, 'deduct': 6363, 'compacted': 6364, 'transfers': 6365, 'caveman': 6366, 'sore': 6367, 'adorable': 6368, 'thereafter': 6369, 'adventures': 6370, 'unsatisfied': 6371, 'tempered': 6372, 'participate': 6373, 'serf': 6374, 'exposure': 6375, 'estimate': 6376, 'spur': 6377, 'grandbabies': 6378, 'ofgreat': 6379, 'inserting': 6380, 'hardcopy': 6381, 'adequately': 6382, 'stylist': 6383, 'malfunction': 6384, 'notifying': 6385, 'successful': 6386, 'san': 6387, 'chistmas': 6388, 'rea': 6389, 'ly': 6390, '37': 6391, 'inadequate': 6392, 'comparisons': 6393, 'breezy': 6394, 'carpet': 6395, 'accommodating': 6396, 'suck': 6397, 'defender': 6398, 'backpacks': 6399, 'affortable': 6400, 'society': 6401, 'masses': 6402, 'desent': 6403, 'insists': 6404, 'discharges': 6405, 'war': 6406, 'cement': 6407, 'goog': 6408, 'newby': 6409, 'sdcard': 6410, 'bull': 6411, 'flashlight': 6412, 'accepts': 6413, 'happiest': 6414, 'hearthstone': 6415, 'romance': 6416, 'potatoe': 6417, 'notified': 6418, 'precisely': 6419, 'mths': 6420, 'ouch': 6421, 'camara': 6422, '6yrs': 6423, 'salon': 6424, 'presumably': 6425, 'defected': 6426, 'pointing': 6427, 'madden': 6428, 'digitizer': 6429, 'passcode': 6430, 'kurio': 6431, 'flixter': 6432, 'branded': 6433, 'sdhc': 6434, 'cyanogen': 6435, 'gret': 6436, 'loft': 6437, 'surfed': 6438, 'noted': 6439, 'mate': 6440, 'purchsed': 6441, 'baked': 6442, 'pales': 6443, 'thet': 6444, 'stack': 6445, 'dvds': 6446, 'zooming': 6447, 'disturbed': 6448, 'kidproof': 6449, 'thanking': 6450, 'shorted': 6451, 'sorta': 6452, 'johnny': 6453, 'chris': 6454, 'definitively': 6455, 'zoo': 6456, 'tiresome': 6457, 'recommed': 6458, 'puppy': 6459, 'loan': 6460, 'stash': 6461, '12yr': 6462, 'abd': 6463, 'timeframe': 6464, 'tcm': 6465, '73': 6466, 'elder': 6467, 'mkv': 6468, 'outdid': 6469, 'jigsaw': 6470, 'vacationing': 6471, 'dare': 6472, 'sonce': 6473, 'varying': 6474, 'dojo': 6475, 'tabet': 6476, 'accesible': 6477, 'ceased': 6478, 'essentials': 6479, 'candle': 6480, 'typos': 6481, 'assess': 6482, 'prine': 6483, 'annotate': 6484, 'intensive': 6485, 'annotation': 6486, 'fantasy': 6487, 'commentaries': 6488, 'scripture': 6489, 'cycle': 6490, 'wwe': 6491, 'trashed': 6492, 'netfix': 6493, 'sealed': 6494, 'excellently': 6495, 'navigateperfect': 6496, 'fiire': 6497, 'hacking': 6498, 'studies': 6499, 'unrestricted': 6500, 'inbox': 6501, 'kiddie': 6502, 'enrolled': 6503, 'noob': 6504, 'noticible': 6505, 'bear': 6506, 'unsuccessful': 6507, 'annoyances': 6508, 'hop': 6509, 'somthing': 6510, 'boring': 6511, 'fooled': 6512, 'sf': 6513, 'apks': 6514, 'winning': 6515, 'compliments': 6516, 'skips': 6517, 'disagree': 6518, 'apples': 6519, 'cared': 6520, 'notches': 6521, 'gameplay': 6522, 'sponsored': 6523, 'approaching': 6524, 'bookshelf': 6525, 'dent': 6526, '16th': 6527, 'remorse': 6528, 'valentines': 6529, 'kindell': 6530, 'silky': 6531, 'tge': 6532, 'respectively': 6533, 'overlooked': 6534, 'distant': 6535, 'ships': 6536, 'instrument': 6537, 'painless': 6538, 'sidetracked': 6539, 'initally': 6540, 'shooting': 6541, 'moral': 6542, 'chemo': 6543, 'triplets': 6544, 'ministry': 6545, 'vote': 6546, 'intending': 6547, 'crippled': 6548, 'investigate': 6549, 'hd6': 6550, 'sufficiently': 6551, 'remodeling': 6552, 'resembles': 6553, 'brake': 6554, 'demonstrated': 6555, 'misinformed': 6556, 'revenue': 6557, 'compromising': 6558, 'preteens': 6559, 'preformed': 6560, 'stephanie': 6561, 'ixl': 6562, 'freed': 6563, 'godmother': 6564, 'advertises': 6565, 'bloat': 6566, 'excellence': 6567, 'bottomline': 6568, 'kim': 6569, '5yo': 6570, 'ea': 6571, 'dis': 6572, 'concise': 6573, 'schoolwork': 6574, 'giveaway': 6575, 'vids': 6576, 'valid': 6577, 'sideloading': 6578, 'reworking': 6579, 'useit': 6580, 'nailed': 6581, 'thrill': 6582, 'prises': 6583, 'expendable': 6584, 'advisor': 6585, 'dated': 6586, 'rolling': 6587, 'personalization': 6588, 'seller': 6589, 'graphs': 6590, 'missus': 6591, 'smoothing': 6592, 'begginers': 6593, '3s': 6594, 'nap': 6595, 'applied': 6596, 'crispy': 6597, 'passing': 6598, 'durning': 6599, 'i3': 6600, 'bam': 6601, 'prone': 6602, 'balances': 6603, 'existence': 6604, 'mundane': 6605, 'cnbc': 6606, 'wold': 6607, 'inevitably': 6608, 'trading': 6609, 'pok': 6610, 'mon': 6611, 'triangulation': 6612, 'dinosaur': 6613, 'relation': 6614, 'unions': 6615, 'inlaw': 6616, 'neiece': 6617, 'naught': 6618, 'indefinite': 6619, 'continent': 6620, 'leappad': 6621, 'needy': 6622, 'tanks': 6623, 'deff': 6624, 'ny': 6625, 'rite': 6626, 'owe': 6627, 'permanent': 6628, 'winding': 6629, 'strips': 6630, 'interfacing': 6631, 'twelve': 6632, 'grandaughters': 6633, 'wild': 6634, 'grafics': 6635, 'caribbean': 6636, 'trivial': 6637, 'friendlier': 6638, 'careless': 6639, 'tiles': 6640, 'painfully': 6641, 'sketchy': 6642, 'elders': 6643, 'diy': 6644, 'clunkier': 6645, '61': 6646, 'guns': 6647, 'chargeable': 6648, 'dilemma': 6649, 'nuisance': 6650, '71': 6651, 'systen': 6652, 'agood': 6653, 'quickness': 6654, 'disaster': 6655, 'lime': 6656, 'alive': 6657, 'accidents': 6658, 'ther': 6659, 'ruins': 6660, 'ppl': 6661, 'highschool': 6662, 'van': 6663, 'credited': 6664, 'determined': 6665, 'functionally': 6666, 'everthing': 6667, 'illiterate': 6668, 'googlecast': 6669, 'crossword': 6670, 'guided': 6671, 'underestimate': 6672, 'ownership': 6673, 'prong': 6674, 'sea': 6675, 'exiting': 6676, 'mailing': 6677, 'weekdays': 6678, 'servive': 6679, 'combining': 6680, 'kool': 6681, 'confusion': 6682, 'moth': 6683, 'dec': 6684, '17th': 6685, 'auxiliary': 6686, 'persistence': 6687, 'fixing': 6688, 'cried': 6689, 'powers': 6690, 'screensavers': 6691, 'incomplete': 6692, 'catalogs': 6693, 'commander': 6694, 'override': 6695, 'educationally': 6696, 'funds': 6697, 'compromised': 6698, 'galore': 6699, 'scattered': 6700, 'messaging': 6701, 'royale': 6702, 'housing': 6703, 'definitley': 6704, 'fur': 6705, '55': 6706, 'unreadable': 6707, 'affordability': 6708, 'adopt': 6709, 'ahem': 6710, '3000': 6711, 'animals': 6712, 'vey': 6713, 'hiccup': 6714, 'hacked': 6715, 'scanned': 6716, 'notifies': 6717, 'thy': 6718, 'freinds': 6719, 'nt': 6720, 'dealership': 6721, 'kiss': 6722, 'inform': 6723, '64g': 6724, 'weekday': 6725, 'supper': 6726, 'treasure': 6727, 'allowance': 6728, 'grasp': 6729, 'customs': 6730, 'filters': 6731, 'bd': 6732, 'slipped': 6733, 'interfaced': 6734, 'coating': 6735, 'showcase': 6736, 'awfully': 6737, 'stickers': 6738, 'ia': 6739, 'confidence': 6740, 'upto': 6741, '7yrs': 6742, 'dangerous': 6743, 'ser': 6744, 'agreat': 6745, 'cont': 6746, 'duh': 6747, 'favortie': 6748, 'figures': 6749, 'virgin': 6750, 'billing': 6751, 'chagrin': 6752, 'vpn': 6753, 'obnoxious': 6754, 'defintely': 6755, 'friendliness': 6756, 'costco': 6757, 'exists': 6758, 'capacitive': 6759, 'swears': 6760, 'seats': 6761, 'useable': 6762, 'boss': 6763, 'crossing': 6764, '149': 6765, 'imported': 6766, 'kindke': 6767, 'blessing': 6768, 'occurred': 6769, 'amason': 6770, 'david': 6771, 'zeepad': 6772, 'dan': 6773, 'resent': 6774, 'investing': 6775, 'electric': 6776, 'sharpener': 6777, 'docking': 6778, 'mama': 6779, 'sgreat': 6780, 'positional': 6781, 'cringe': 6782, 'respects': 6783, 'blinded': 6784, 'cruises': 6785, 'parted': 6786, 'becasue': 6787, 'hastle': 6788, 'polaroid': 6789, 'motivated': 6790, 'kiddy': 6791, 'afordable': 6792, 'quieter': 6793, 'toe': 6794, 'circling': 6795, 'availabe': 6796, 'lo': 6797, 'behold': 6798, 'transportable': 6799, 'lessons': 6800, 'peppa': 6801, 'pig': 6802, 'anticipating': 6803, 'intentions': 6804, 'yup': 6805, 'janky': 6806, 'junkie': 6807, 'paranoid': 6808, 'drained': 6809, 'daddy': 6810, 'paste': 6811, 'glade': 6812, 'couples': 6813, 'attracted': 6814, 'measure': 6815, 'fulfills': 6816, 'urge': 6817, 'camp': 6818, 'edited': 6819, 'boasts': 6820, 'thos': 6821, 'discarded': 6822, 'snagged': 6823, 'mircosd': 6824, '42': 6825, 'oil': 6826, 'notion': 6827, 'idiot': 6828, 'stuffs': 6829, 'accomplishes': 6830, 'verry': 6831, 'frog': 6832, 'forgiven': 6833, 'fanciest': 6834, 'trailer': 6835, 'cure': 6836, 'miracle': 6837, 'army': 6838, 'drinking': 6839, 'exercising': 6840, 'hooray': 6841, 'restock': 6842, 'rake': 6843, 'fitted': 6844, 'transformer': 6845, 's3': 6846, 'apparatus': 6847, 'scene': 6848, 'nov': 6849, 'stink': 6850, 'warehouse': 6851, 'nurse': 6852, 'subway': 6853, '81': 6854, 'courtesy': 6855, 'handing': 6856, 'routinely': 6857, 'cent': 6858, 'producing': 6859, 'popup': 6860, 'banner': 6861, 'remedied': 6862, 'oriented': 6863, 'conscious': 6864, 'tile': 6865, 'roadtrip': 6866, 'summed': 6867, 'heft': 6868, 'rendered': 6869, 'calander': 6870, 'established': 6871, 'lousy': 6872, 'someones': 6873, 'stalls': 6874, 'obtrusive': 6875, 'storm': 6876, 'stocked': 6877, 'modifications': 6878, 'expecially': 6879, 'cams': 6880, 'wa': 6881, 'skullcandy': 6882, 'spirit': 6883, 'nick': 6884, 'impeccable': 6885, 'rebooted': 6886, 'idem': 6887, 'downs': 6888, 'skypes': 6889, 'squint': 6890, 'tabelt': 6891, 'supplemental': 6892, 'raves': 6893, 'toting': 6894, 'nightime': 6895, 'teaches': 6896, 'disneyworld': 6897, 'italy': 6898, 'recovering': 6899, 'ore': 6900, '36': 6901, 'dell': 6902, 'muted': 6903, 'shelled': 6904, 'exacting': 6905, 'seals': 6906, 'ticket': 6907, 'branch': 6908, 'fearing': 6909, 'decreased': 6910, 'logs': 6911, 'naby': 6912, 'nobles': 6913, 'fire7': 6914, 'marketed': 6915, 'firehd': 6916, 'resolves': 6917, 'land': 6918, 'riddled': 6919, 'noting': 6920, 'miracast': 6921, 'funky': 6922, 'theyll': 6923, 'clearness': 6924, 'sw': 6925, 'workmanship': 6926, 'busted': 6927, 'married': 6928, 'nieceshe': 6929, 'papa': 6930, 'duarable': 6931, 'redemption': 6932, 'margins': 6933, 'lightings': 6934, 'revolutionary': 6935, 'evolution': 6936, 'unnoticeable': 6937, 'transportation': 6938, 'annoys': 6939, 'published': 6940, 'india': 6941, 'rightly': 6942, 'giveaways': 6943, 'pounds': 6944, 'downtime': 6945, 'rehab': 6946, 'iceland': 6947, 'wipe': 6948, 'matthew': 6949, 'compatable': 6950, 'wizard': 6951, 'preschool': 6952, 'snob': 6953, '23': 6954, 'neil': 6955, 'tony': 6956, 'tweens': 6957, 'existed': 6958, 'slipping': 6959, 'musically': 6960, 'dat': 6961, 'efficiency': 6962, 'piano': 6963, 'endured': 6964, 'ignorant': 6965, 'hugh': 6966, 'tryed': 6967, 'shy': 6968, 'steelbook': 6969, 'equivalent': 6970, 'graduates': 6971, 'macs': 6972, 'k3': 6973, 'dodo': 6974, 'amazonbasics': 6975, 'rubberized': 6976, 'strap': 6977, 'inner': 6978, 'fastener': 6979, 'reactions': 6980, 'tastes': 6981, 'splash': 6982, 'teeth': 6983, 'granddaugther': 6984, 'recomended': 6985, 'loooong': 6986, 'preschooler': 6987, 'bounced': 6988, 'proudly': 6989, 'withstands': 6990, 'unconditional': 6991, 'minnie': 6992, 'rule': 6993, 'awseome': 6994, 'breakage': 6995, 'frustrates': 6996, 'healthy': 6997, 'trending': 6998, 'vocal': 6999, 'identifying': 7000, 'whit': 7001, 'silicon': 7002, 'enclosure': 7003, 'interpreted': 7004, 'grouping': 7005, 'inaccurate': 7006, '256': 7007, 'shoots': 7008, 'habe': 7009, 'encounter': 7010, 'branding': 7011, 'prepaid': 7012, 'conection': 7013, 'sprout': 7014, 'varieties': 7015, 'conducive': 7016, 'breakable': 7017, 'suggesting': 7018, 'aplication': 7019, 'insure': 7020, 'nails': 7021, 'onother': 7022, 'jammed': 7023, '3yo': 7024, '5year': 7025, 'eady': 7026, 'warrantee': 7027, 'broad': 7028, 'savior': 7029, 'aa': 7030, 'kickstand': 7031, 'fascinated': 7032, 'everynight': 7033, 'laughing': 7034, 'optimum': 7035, 'lovethis': 7036, '10th': 7037, 'gold': 7038, 'patents': 7039, 'exaggerating': 7040, 'reread': 7041, 'baggage': 7042, 'leary': 7043, 'infinitely': 7044, 'balloon': 7045, 'trumps': 7046, 'addiction': 7047, 'harry': 7048, 'potter': 7049, 'fatigued': 7050, 'illustrations': 7051, 'feather': 7052, 'mildly': 7053, 'loans': 7054, '190': 7055, 'methods': 7056, 'slept': 7057, 'lookup': 7058, 'wholeheartedly': 7059, 'facilities': 7060, 'predecessor': 7061, 'libro': 7062, 'puedes': 7063, 'tener': 7064, 'todos': 7065, 'libros': 7066, 'sleepy': 7067, 'exclaimed': 7068, 'longing': 7069, 's5': 7070, 'strenuous': 7071, 'flickers': 7072, 'abandoned': 7073, 'toolbar': 7074, 'bars': 7075, 'expensively': 7076, 'improvment': 7077, 'domain': 7078, 'corporate': 7079, 'bro': 7080, 'analysis': 7081, 'doze': 7082, 'rockin': 7083, 'references': 7084, 'lounging': 7085, 'accumulate': 7086, 'permits': 7087, '94': 7088, 'reverse': 7089, 'hardbacks': 7090, 'reinvigorated': 7091, 'underlined': 7092, 'nightlight': 7093, 'mimic': 7094, 'drawer': 7095, '119': 7096, 'portrate': 7097, 'behemoth': 7098, 'amazom': 7099, 'curling': 7100, 'favourite': 7101, 'ranting': 7102, 'adverse': 7103, 'hobby': 7104, 'greet': 7105, 'bitten': 7106, 'delegated': 7107, 'advocate': 7108, 'shone': 7109, 'negligible': 7110, 'flicker': 7111, 'spacing': 7112, 'decades': 7113, 'squirrelly': 7114, 'tactile': 7115, 'irritate': 7116, 'paperwhite1': 7117, 'excellent2': 7118, 'highlighters': 7119, 'stephen': 7120, 'enhancing': 7121, 'halfway': 7122, 'earn': 7123, 'emanating': 7124, 'substantially': 7125, 'induce': 7126, 'savor': 7127, 'guatemala': 7128, 'jumpy': 7129, 'engaging': 7130, 'temptation': 7131, 'delayed': 7132, 'booklights': 7133, 'rushing': 7134, 'lightnings': 7135, 'french': 7136, 'sheer': 7137, 'infrastructure': 7138, 'classy': 7139, 'editions': 7140, 'ears': 7141, 'whites': 7142, 'enormous': 7143, 'migrate': 7144, 'doesnot': 7145, 'accompany': 7146, 'interrupt': 7147, 'alter': 7148, 'paperwite': 7149, 'russian': 7150, 'rack': 7151, 'draws': 7152, 'participates': 7153, 'juts': 7154, 'bombarded': 7155, 'annoyingly': 7156, 'shipment': 7157, 'smiling': 7158, 'england': 7159, 'conked': 7160, 'exceedingly': 7161, 'nyt': 7162, 'pane': 7163, 'obsessive': 7164, 'causes': 7165, 'advancing': 7166, 'rocking': 7167, 'aroumd': 7168, 'loveit': 7169, 'foward': 7170, 'shelve': 7171, 'swear': 7172, 'transformed': 7173, 'instantaneous': 7174, 'transfered': 7175, 'silver': 7176, 'squeezy': 7177, 'skins': 7178, 'prefered': 7179, 'relaxed': 7180, 'devicegood': 7181, '300dpi': 7182, 'deficated': 7183, 'paoerwhite': 7184, 'bevel': 7185, 'constantantly': 7186, 'returing': 7187, 'relieved': 7188, 'recycling': 7189, 'spectacularly': 7190, 'leadership': 7191, 'caf': 7192, 'upwards': 7193, 'fade': 7194, 'doubts': 7195, 'sticking': 7196, 'mentions': 7197, 'cats': 7198, 'tucked': 7199, 'equals': 7200, 'clippings': 7201, 'medical': 7202, 'assigned': 7203, 'retailers': 7204, 'rice': 7205, 'disrupt': 7206, 'tiring': 7207, 'forego': 7208, 'wondered': 7209, 'absence': 7210, 'prove': 7211, 'tilt': 7212, 'supporter': 7213, 'crank': 7214, 'bluish': 7215, 'implementation': 7216, 'downgrade': 7217, 'marked': 7218, 'surrounded': 7219, 'nonexistent': 7220, 'movers': 7221, 'receives': 7222, 'readeri': 7223, 'papperwhite': 7224, 'basket': 7225, 'whiter': 7226, 'lowering': 7227, 'styles': 7228, 'mentioning': 7229, 'compensates': 7230, 'sorting': 7231, 'experts': 7232, 'procrastinated': 7233, 'split': 7234, 'fm': 7235, 'tract': 7236, 'symbol': 7237, 'vibration': 7238, 'aluminum': 7239, 'ligths': 7240, 'discoloration': 7241, 'forwards': 7242, 'opinions': 7243, 'defense': 7244, 'unusual': 7245, 'appreciates': 7246, 'concentration': 7247, 'gathers': 7248, 'otter': 7249, 'dorms': 7250, 'humble': 7251, 'roku2': 7252, '1984': 7253, 'relate': 7254, 'critique': 7255, 'canadian': 7256, 'adverts': 7257, 'legally': 7258, 'en': 7259, 'sur': 7260, 'que': 7261, 'dramatic': 7262, 'outages': 7263, 'surge': 7264, 'chewed': 7265, 'screwed': 7266, 'kitten': 7267, 'famous': 7268, 'ca': 7269, '93': 7270, 'catholic': 7271, 'richer': 7272, 'iy': 7273, 'breadth': 7274, 'infinite': 7275, '28': 7276, 'fiber': 7277, 'optic': 7278, 'desperately': 7279, 'messy': 7280, 'tease': 7281, 'worship': 7282, 'ingredients': 7283, 'cookies': 7284, 'omission': 7285, 'nobody': 7286, 'pokmon': 7287, '1960': 7288, 'temperatures': 7289, 'tweeks': 7290, 'fixture': 7291, 'attachments': 7292, 'redo': 7293, 'furniture': 7294, 'hues': 7295, 'chicken': 7296, 'bottle': 7297, 'handsfree': 7298, 'convience': 7299, 'noice': 7300, 'thunderstorm': 7301, 'paces': 7302, 'logic': 7303, 'united': 7304, 'blinds': 7305, 'imperative': 7306, 'seemlessly': 7307, 'aws': 7308, 'mucic': 7309, 'potato': 7310, 'execution': 7311, 'addicting': 7312, 'sir': 7313, 'italian': 7314, 'underutilized': 7315, 'wantedto': 7316, 'gather': 7317, 'regulating': 7318, 'deeper': 7319, 'broadband': 7320, 'spotifly': 7321, 'reacts': 7322, 'overkill': 7323, 'instal': 7324, '911': 7325, 'concierge': 7326, 'comedian': 7327, 'musician': 7328, 'casts': 7329, '50s': 7330, 'compatability': 7331, 'dcor': 7332, 'ranked': 7333, 'applicable': 7334, 'crowded': 7335, 'equipments': 7336, 'dialog': 7337, 'fr': 7338, 'composer': 7339, '15min': 7340, 'goofy': 7341, 'superfun': 7342, 'herd': 7343, 'halo': 7344, 'intimidated': 7345, 'sponsors': 7346, 'inquiries': 7347, 'meatloaf': 7348, 'ces': 7349, 'whe': 7350, 'cheating': 7351, 'plugins': 7352, 'freakin': 7353, 'addtion': 7354, 'itt': 7355, 'fad': 7356, 'chamberlin': 7357, 'percentage': 7358, 'duluth': 7359, 'hung': 7360, 'jan': 7361, 'signup': 7362, 'delivering': 7363, 'sq': 7364, 'knees': 7365, 'raving': 7366, 'forum': 7367, 'oldies': 7368, 'anazon': 7369, 'cores': 7370, 'pipe': 7371, 'hmm': 7372, 'quiz': 7373, 'homepod': 7374, 'meow': 7375, 'convienient': 7376, 'recurring': 7377, 'ourgroceries': 7378, 'misunderstands': 7379, 'insight': 7380, 'smarthings': 7381, 'bubbles': 7382, 'deceptive': 7383, 'centerpiece': 7384, 'rm': 7385, 'repetitive': 7386, 'bandwagon': 7387, 'implementing': 7388, 'clocks': 7389, 'measuring': 7390, 'uodates': 7391, 'raga': 7392, 'centralized': 7393, 'inquire': 7394, 'darth': 7395, 'conversational': 7396, 'represents': 7397, 'region': 7398, 'flashes': 7399, 'blutooth': 7400, 'interconnects': 7401, 'popularity': 7402, 'morris': 7403, 'knight': 7404, 'vj': 7405, 'beck': 7406, 'lullabies': 7407, 'instruments': 7408, 'stroke': 7409, 'informing': 7410, 'partnership': 7411, 'jeff': 7412, 'bezos': 7413, 'marry': 7414, 'posting': 7415, 'president': 7416, 'radios': 7417, 'hallway': 7418, 'ws': 7419, 'evolve': 7420, 'knife': 7421, 'caution': 7422, 'buckie': 7423, 'bluethooth': 7424, 'fuller': 7425, 'pot': 7426, 'zwave': 7427, 'echobee': 7428, 'alexsa': 7429, 'scratching': 7430, 'greets': 7431, 'neatest': 7432, 'unleash': 7433, 'cooks': 7434, 'singer': 7435, 'surroundings': 7436, 'dud': 7437, 'amz': 7438, 'og': 7439, 'refers': 7440, 'detergent': 7441, 'chest': 7442, 'scissors': 7443, 'memeber': 7444, 'glossary': 7445, 'equivalents': 7446, 'furnace': 7447, 'developing': 7448, 'upped': 7449, 'strip': 7450, 'monster': 7451, 'implement': 7452, 'pronounce': 7453, 'bby': 7454, 'yopu': 7455, 'gr8': 7456, 'rented': 7457, 'naming': 7458, 'protocols': 7459, '100x': 7460, 'washing': 7461, 'humour': 7462, 'planets': 7463, 'adt': 7464, 'wedding': 7465, 'structurally': 7466, 'volumne': 7467, 'doe': 7468, 'invented': 7469, 'interpreting': 7470, 'wiz': 7471, 'uncommon': 7472, 'customizations': 7473, 'centrally': 7474, 'algorithms': 7475, 'taining': 7476, 'speeker': 7477, 'upbeat': 7478, 'quantity': 7479, 'educate': 7480, 'phonograph': 7481, 'replied': 7482, 'concert': 7483, 'execute': 7484, '670': 7485, 'thruout': 7486, 'dress': 7487, 'reporting': 7488, 'butt': 7489, 'establish': 7490, 'bird': 7491, 'hvac': 7492, 'actresses': 7493, '2000': 7494, 'mexican': 7495, 'continuing': 7496, '129': 7497, 'trackr': 7498, 'households': 7499, 'respective': 7500, 'gameroom': 7501, 'stark': 7502, 'noises': 7503, 'element': 7504, 'concerts': 7505, 'reordering': 7506, 'gracious': 7507, 'relays': 7508, 'informs': 7509, 'beeps': 7510, 'headed': 7511, 'captain': 7512, 'soundtouch': 7513, 'fussy': 7514, 'prodcut': 7515, 'sentence': 7516, 'sleekness': 7517, 'nba': 7518, 'microwave': 7519, 'stovetop': 7520, 'grill': 7521, 'confirms': 7522, 'conditioner': 7523, 'isp': 7524, 'booster': 7525, 'aaa': 7526, 'goodnight': 7527, 'kindly': 7528, 'accents': 7529, 'coordinate': 7530, 'wroth': 7531, 'battle': 7532, 'outshout': 7533, 'omni': 7534, 'genie': 7535, 'lotta': 7536, 'watering': 7537, 'elizabeth': 7538, 'shoe': 7539, 'xyz': 7540, 'yonomi': 7541, 'overtime': 7542, 'shampoo': 7543, 'bridal': 7544, 'parred': 7545, 'humidity': 7546, '747': 7547, 'jet': 7548, 'soundbar': 7549, 'cheesy': 7550, 'amused': 7551, 'logically': 7552, 'looses': 7553, '130': 7554, 'ingrate': 7555, 'skeptic': 7556, 'practicality': 7557, 'sporting': 7558, 'tim': 7559, 'doorbell': 7560, 'patiently': 7561, 'highway': 7562, 'intermittently': 7563, 'livingroom': 7564, 'martini': 7565, 'scenarios': 7566, 'augment': 7567, 'u2': 7568, 'invitation': 7569, 'mimi': 7570, 'cor': 7571, 'woodchuck': 7572, 'hog': 7573, 'quibble': 7574, 'kindle10': 7575, 'piggyback': 7576, 'accounting': 7577, 'squenting': 7578, 'tamron': 7579, 'proofing': 7580, 'stutters': 7581, 'escape': 7582, 'thetap': 7583, 'lied': 7584, 'halloween': 7585, 'semi': 7586, 'caveats': 7587, 'funtionality': 7588, 'launching': 7589, 'bandwith': 7590, 'diference': 7591, 'intertainment': 7592, 'spmc': 7593, '98': 7594, 'screencasting': 7595, 'signals': 7596, 'fulfill': 7597, 'heather': 7598, 'greate': 7599, 'playstationvue': 7600, 'ditching': 7601, 'arrange': 7602, 'ip': 7603, 'tnt': 7604, 'faves': 7605, 'gouged': 7606, 'altho': 7607, 'roku4': 7608, 'buffing': 7609, 'emby': 7610, 'cat6': 7611, 'bricked': 7612, 'nighthawk': 7613, 'directvnow': 7614, 'netgear': 7615, 'chromecasts': 7616, 'cox': 7617, 'scaling': 7618, 'interfering': 7619, 'upscale': 7620, 'hassel': 7621, 'doa': 7622, 'versitility': 7623, 'dev': 7624, 'gratification': 7625, 'hanks': 7626, 'lodi': 7627, 'carte': 7628, 'sevices': 7629, 'freeing': 7630, 'formy': 7631, 'sacrifice': 7632, 'wich': 7633, 'withe': 7634, 'dongle': 7635, 'directnow': 7636, 'outrages': 7637, 'networked': 7638, 'suppsed': 7639, 'lane': 7640, 'clutches': 7641, 'specifics': 7642, 'minimizes': 7643, 'plentiful': 7644, 'venues': 7645, 'centurylink': 7646, 'firetvstick': 7647, 'archived': 7648, 'firetvs': 7649, 'oracle': 7650, 'rj45': 7651, 'frequencies': 7652, 'apps2fire': 7653, 'afterwards': 7654, 'verification': 7655, 'extender': 7656, 'fluctuate': 7657, 'cec': 7658, 'quadcore': 7659, 'tablo': 7660, 'interference': 7661, 'internals': 7662, 'sand': 7663, 'matricom': 7664, 'divice': 7665, 'adb': 7666, 'netlfix': 7667, 'iso': 7668, 'attitude': 7669, 'avr': 7670, 'chords': 7671, 'mario': 7672, 'crackle': 7673, 'chanel': 7674, 'fs1': 7675, 'heave': 7676, 'attic': 7677, 'chnls': 7678, 'fujitv': 7679, 'amazontv': 7680, 's1': 7681, 'gently': 7682, 'warped': 7683, 'laterthis': 7684, '1280': 7685, 'infact': 7686, '7mm': 7687, 'youand': 7688, 'viedos': 7689, 'manegement': 7690, 'calenders': 7691, 'imaging': 7692, 'articulating': 7693, 'canvas': 7694, 'recovery': 7695, 'predominately': 7696, 'biographys': 7697, 'offshoot': 7698, 'commuter': 7699, 'recycled': 7700, 'downgrading': 7701, 'wev': 7702, 'rood': 7703, 'formated': 7704, 'xfat': 7705, 'werent': 7706, 'coc': 7707, 'wayyyyy': 7708, 'eaxh': 7709, 'bith': 7710, 'permissions': 7711, 'strict': 7712, 'gutter': 7713, 'bcuz': 7714, 'lotmore': 7715, 'comfy': 7716, 'abount': 7717, 'acces': 7718, 'reloaded': 7719, 'stalk': 7720, 'impresses': 7721, 'zinio': 7722, 'incompatibilities': 7723, 'marketamazon': 7724, 'granddaugter': 7725, 'starfall': 7726, 'ticks': 7727, 'crews': 7728, 'ata': 7729, 'frienday': 7730, 'byee': 7731, 'benefiting': 7732, 'voicecast': 7733, 'reaponse': 7734, 'bogs': 7735, 'craig': 7736, 'twhat': 7737, 'crosswords': 7738, 'boggling': 7739, '240gb': 7740, 'netflick': 7741, '2hrs': 7742, 'heaviness': 7743, 'carrasoul': 7744, 'pixelating': 7745, 'miro': 7746, 'dizzying': 7747, 'delegating': 7748, 'alleviating': 7749, 'considerate': 7750, 'hasslevery': 7751, '1mobile': 7752, 'himsince': 7753, 'preoccupied': 7754, 'mbr': 7755, 'woudl': 7756, 'menial': 7757, 'grrat': 7758, 'expectionations': 7759, 'avoids': 7760, 'easyperfect': 7761, 'alwyas': 7762, 'narration': 7763, 'featuers': 7764, 'farms': 7765, 'nana': 7766, 'microtransactions': 7767, 'worksheets': 7768, 'colleagues': 7769, 'supportled': 7770, 'isnot': 7771, 'moztly': 7772, 'triplet': 7773, 'asstounding': 7774, 'unschooled': 7775, 'prettier': 7776, 'youreyes': 7777, 'demensions': 7778, 'undergraduate': 7779, 'biology': 7780, '750': 7781, 'wishlist': 7782, 'asphalt': 7783, 'playable': 7784, 'xbox1': 7785, 'dubbles': 7786, 'bbuy': 7787, 'outsell': 7788, 'lunchtime': 7789, 'congrats': 7790, 'preserve': 7791, 'replay': 7792, 'pinsharp': 7793, 'iut': 7794, 'organ': 7795, '189ppi': 7796, 'laminated': 7797, 'nitpicks': 7798, 'punches': 7799, 'titan': 7800, 'readout': 7801, 'morei': 7802, 'casei': 7803, 'unpredictable': 7804, 'futon': 7805, 'slugginess': 7806, 'biking': 7807, 'improvments': 7808, 'prety': 7809, 'unsatisfactory': 7810, 'rcase': 7811, 'mishandled': 7812, 'wtf': 7813, 'aggravation': 7814, 'tethers': 7815, 'souped': 7816, 'darkens': 7817, 'soi': 7818, 'sooooooo': 7819, 'slowwwwww': 7820, 'perpetually': 7821, 'stickum': 7822, 'rescue': 7823, 'inducing': 7824, 'murphy': 7825, 'ahs8n': 7826, 'cap': 7827, 'buggers': 7828, '64000b': 7829, 'atari': 7830, 'expirence': 7831, 'cheaped': 7832, 'appeares': 7833, 'wnough': 7834, 'slarts': 7835, 'powerpoints': 7836, 'husbandand': 7837, 'underway': 7838, 'chatging': 7839, 'stoped': 7840, 'apts': 7841, 'greatcons': 7842, 'telegram': 7843, 'hindrance': 7844, 'trifold': 7845, 'kindlle': 7846, 'painstakingly': 7847, 'performant': 7848, 'espn3': 7849, 'proximity': 7850, 'imporoved': 7851, 'honeycomb': 7852, 'unfriendly': 7853, 'truth': 7854, 'inexplicably': 7855, 'breed': 7856, 'characteristics': 7857, 'xan': 7858, 'germany': 7859, 'cramped': 7860, 'undesirable': 7861, 'disables': 7862, 'cited': 7863, 'silent': 7864, 'authenticated': 7865, 'boasting': 7866, 'alertanative': 7867, 'sorted': 7868, 'disappointments': 7869, 'producs': 7870, 'pixelation': 7871, 'modt': 7872, 'minuscule': 7873, 'screws': 7874, 'teblets': 7875, 'juggling': 7876, 'inexpeisve': 7877, 'pretyy': 7878, 'premitive': 7879, 'lindle': 7880, 'relocate': 7881, 'savoy': 7882, 'relable': 7883, 'chatter': 7884, 'fiiiiiiyah': 7885, 'cheddar': 7886, 'rectangle': 7887, 'interwebz': 7888, 'flattered': 7889, 'xmas2015': 7890, 'begining': 7891, 'assocate': 7892, 'tooo': 7893, 'asesome': 7894, 'samsug': 7895, 'goggles': 7896, 'serfing': 7897, 'relationships': 7898, 'edgewise': 7899, 'highlygreat': 7900, 'bejeweled': 7901, 'childthis': 7902, 'nonresponsive': 7903, 'midday': 7904, 'shimmering': 7905, 'wen': 7906, 'lounger': 7907, 'paretal': 7908, 'unwilling': 7909, 'wry': 7910, 'gotchas': 7911, 'abit': 7912, 'mixture': 7913, 'phantom': 7914, 'relies': 7915, 'valuegreat': 7916, 'lb': 7917, 'ranges': 7918, 'broadcasting': 7919, 'whey': 7920, 'rablet': 7921, 'xlsx': 7922, 'pptx': 7923, 'kkep': 7924, 'usr': 7925, 'gamecircle': 7926, 'lastlonger': 7927, 'gety': 7928, 'applies': 7929, 'canaccess': 7930, 'functinality': 7931, 'wracking': 7932, 'gigabyte': 7933, 'explandable': 7934, 'photographer': 7935, 'unaceptable': 7936, 'vulcans': 7937, 'acrobat': 7938, 'bascially': 7939, 'amout': 7940, 'overages': 7941, 'coclors': 7942, 'foor': 7943, 'downer': 7944, 'mush': 7945, 'ilovemy': 7946, 'clamps': 7947, 'accomodate': 7948, 'thursday': 7949, 'easyto': 7950, 'vietnam': 7951, 'fridaypros': 7952, 'soundwell': 7953, 'builtcons': 7954, 'storenet': 7955, 'friendas': 7956, 'graded': 7957, 'ck': 7958, 'muss': 7959, 'sofisticated': 7960, 'announcedherself': 7961, 'conversing': 7962, 'wordless': 7963, 'pictorialstart': 7964, 'primitive': 7965, 'vague': 7966, 'thisdevice': 7967, 'thatfills': 7968, 'protocol': 7969, 'toattach': 7970, 'kindlely': 7971, 'fiery': 7972, 'strides': 7973, 'increideble': 7974, 'onclude': 7975, 'avi': 7976, 'apponto': 7977, 'nookereader': 7978, 'doorbuster': 7979, 'probobly': 7980, 'lagginess': 7981, 'filtered': 7982, 'tmtis': 7983, 'downright': 7984, '375': 7985, 'lib': 7986, 'flyer': 7987, 'deserved': 7988, 'shoves': 7989, 'hroat': 7990, 'haveit': 7991, 'ook': 7992, 'workhorse': 7993, 'horse': 7994, 'begging': 7995, 'rebooting': 7996, 'roaming': 7997, 'tab3': 7998, 'retrieval': 7999, 'reckless': 8000, 'supportable': 8001, 'eagerness': 8002, 'misled': 8003, 'solicited': 8004, 'cardscons': 8005, 'intrusiveoverall': 8006, 'g3': 8007, 'containing': 8008, 'panels': 8009, 'mandated': 8010, 'nexus7': 8011, 'wonderfull': 8012, 'fab': 8013, 'captable': 8014, 'weakest': 8015, 'helpedalways': 8016, 'a6': 8017, 'to12': 8018, 'disneyland': 8019, 'tranquil': 8020, 'workable': 8021, 'alternatve': 8022, 'readi': 8023, 'ew': 8024, 'endurance': 8025, 'willynilly': 8026, 'recommeneded': 8027, 'begrudge': 8028, 'fide': 8029, 'lokes': 8030, 'disspoinment': 8031, 'firehd8': 8032, 'technilogical': 8033, 'orginal': 8034, 'cutoff': 8035, 'toggling': 8036, 'qr': 8037, '7year': 8038, 'duel': 8039, 'unbearably': 8040, 'allthough': 8041, 'shifted': 8042, 'gecksqd': 8043, 'fre': 8044, 'homer': 8045, 'recuperating': 8046, 'haircut': 8047, 'shear': 8048, 'awsomo': 8049, 'assign': 8050, 'barrows': 8051, 'smokes': 8052, 'presets': 8053, 'rubs': 8054, 'inthe': 8055, 'simplty': 8056, 'awwsome': 8057, 'moneyenough': 8058, 'gamesdecent': 8059, 'lifecons': 8060, 'weekslow': 8061, 'everythimg': 8062, 'craze': 8063, 'survive': 8064, 'multifunction': 8065, 'summons': 8066, 'rearvision': 8067, 'mounts': 8068, 'vent': 8069, 'fsntastic': 8070, 'labtop': 8071, 'breathe': 8072, 'aiming': 8073, 'fay': 8074, 'loathe': 8075, '105': 8076, 'unbecoming': 8077, 'pronto': 8078, 'octane': 8079, 'deployment': 8080, 'bookclub': 8081, 'fbs': 8082, 'championship': 8083, 'bama': 8084, 'everythig': 8085, 'figertips': 8086, 'restarts': 8087, 'acc': 8088, 'considerarions': 8089, 'mint': 8090, 'sorely': 8091, 'brenda': 8092, 'disrespectful': 8093, 'rude': 8094, 'representing': 8095, 'salary': 8096, 'ened': 8097, 'credible': 8098, 'litchi': 8099, 'mavic': 8100, 'clinicals': 8101, 'stepmom': 8102, 'purcase': 8103, 'xmass': 8104, 'champions': 8105, 'strike': 8106, 'spead': 8107, 'sequin': 8108, 'nashville': 8109, 'unrivaled': 8110, 'familiarizing': 8111, 'techny': 8112, 'slouch': 8113, 'customet': 8114, 'wildlife': 8115, 'operable': 8116, 'tabket': 8117, 'ond': 8118, 'laggs': 8119, 'adust': 8120, 'bok': 8121, 'imy': 8122, 'becazuse': 8123, 'haf': 8124, 'stoeage': 8125, 'venue': 8126, 'peeved': 8127, 'anime': 8128, 'blanking': 8129, 'then10': 8130, 'qualitygood': 8131, 'moneycan': 8132, 'hug': 8133, 'assisting': 8134, '1week': 8135, 'speakes': 8136, 'battert': 8137, 'delta': 8138, 'unimpressive': 8139, 'awile': 8140, 'fire1': 8141, '9yo': 8142, 'yer': 8143, 'salesgirl': 8144, 'interns': 8145, 'whistle': 8146, 'indicators': 8147, 'proff': 8148, 'migration': 8149, 'tbe': 8150, 'tbey': 8151, 'assoc': 8152, 'areally': 8153, 'iwas': 8154, 'tread': 8155, 'mill': 8156, 'wheel': 8157, 'lays': 8158, 'panicked': 8159, 'hogs': 8160, 'cookbook': 8161, 'teader': 8162, 'replacemwnt': 8163, 'cortonna': 8164, 'kindlelishous': 8165, '97': 8166, 'multifaceted': 8167, 'scrutiny': 8168, 'seatmate': 8169, 'babes': 8170, 's8': 8171, 'tinier': 8172, 'inverted': 8173, 'patchy': 8174, 'wheni': 8175, 'ergonomical': 8176, 'unsnaps': 8177, 'redesign': 8178, 'reverses': 8179, 'centre': 8180, 'gravity': 8181, 'reappearance': 8182, 'pinched': 8183, 'shifting': 8184, 'positions': 8185, 'squarish': 8186, 'kindels': 8187, 'glove': 8188, 'configurable': 8189, 'unprepared': 8190, 'impossibly': 8191, 'trace': 8192, 'illusion': 8193, 'rotates': 8194, '310': 8195, 'lighweight': 8196, 'bookshelves': 8197, 'seated': 8198, 'flipped': 8199, 'moons': 8200, 'yellower': 8201, 'orientation': 8202, 'laston': 8203, 'remembered': 8204, 'succeed': 8205, 'differentiator': 8206, 'ergonomics': 8207, 'deliberately': 8208, 'prolongs': 8209, 'marred': 8210, 'microfiber': 8211, 'hollowed': 8212, 'enclosed': 8213, 'spread': 8214, 'oversight': 8215, 'saddle': 8216, 'stitching': 8217, 'reveal': 8218, 'illuminates': 8219, 'stretchable': 8220, 'designers': 8221, 'forethought': 8222, 'sophistication': 8223, 'briefly': 8224, 'hinged': 8225, 'rubbery': 8226, 'sleektight': 8227, 'fituses': 8228, 'lightbar': 8229, 'factoring': 8230, 'knitted': 8231, 'reallyread': 8232, 'tweeting': 8233, 'juju': 8234, 'vehicles': 8235, 'carrier': 8236, '11yr': 8237, 'sega': 8238, 'housed': 8239, 'slik': 8240, 'swyping': 8241, 'weaknesses': 8242, 'legitimately': 8243, 'hasmore': 8244, 'hypersensitive': 8245, '68': 8246, 'phooey': 8247, 'fundraiser': 8248, 'byod': 8249, 'howto': 8250, 'voids': 8251, 'deducted': 8252, 'foldover': 8253, 'phablet': 8254, '500ish': 8255, '96': 8256, 'recorder': 8257, 'uniformity': 8258, 'clogs': 8259, 'curriculums': 8260, 'bedt': 8261, 'tot': 8262, 'toast': 8263, 'distribute': 8264, 'onext': 8265, 'ireader': 8266, 'somewhe': 8267, '20gb': 8268, 'miniature': 8269, '8hd': 8270, '32mb': 8271, 'anxiously': 8272, 'judiemae': 8273, 'mojo': 8274, 'african': 8275, 'ul': 8276, 'listeda': 8277, '04': 8278, '110': 8279, '120v': 8280, '240v': 8281, 'bundledwith': 8282, 'raked': 8283, 'skipped': 8284, 'detract': 8285, 'pictured': 8286, 'scribed': 8287, 'firmly': 8288, 'attatch': 8289, 'expectd': 8290, 'accesory': 8291, 'https': 8292, 'b01j2g4vbg': 8293, 'refcmcrrypprdttlsol4': 8294, 'nocomment': 8295, 'carol': 8296, 'steer': 8297, 'recomendable': 8298, 'ass': 8299, 'fern': 8300, 'michaels': 8301, 'hideaway': 8302, 'imac': 8303, 'fitthat': 8304, 'chicago': 8305, 'hamilton': 8306, 'chernow': 8307, 'fried': 8308, 'j7': 8309, 'transmit': 8310, 'kidle': 8311, 'mae': 8312, 'ogino': 8313, 'seond': 8314, 'cot': 8315, 'wiggles': 8316, 'tines': 8317, 'firs': 8318, 'vert': 8319, 'flashing': 8320, 'demerit': 8321, 'enjoyes': 8322, 'drainage': 8323, 'curriculum': 8324, 'fancier': 8325, 'understandably': 8326, 'optimist': 8327, 'pigeon': 8328, 'holed': 8329, 'declines': 8330, 'sicnce': 8331, 'dmv': 8332, 'bifocals': 8333, 'collected': 8334, 'inadvertant': 8335, 'twitchy': 8336, 'rabbit': 8337, 'kns': 8338, 'realise': 8339, 'wwan': 8340, 'glear': 8341, 'harmful': 8342, 'thouroughly': 8343, 'migraines': 8344, 'crossed': 8345, 'beech': 8346, 'iit': 8347, 'firsdt': 8348, 'batteryseems': 8349, 'dwn': 8350, 'willingly': 8351, 'popups': 8352, 'outdose': 8353, 'dimensions': 8354, 'zooms': 8355, 'unspectacular': 8356, 'outperformes': 8357, 'nohow': 8358, 'museum': 8359, 'path': 8360, 'impede': 8361, 'tore': 8362, 'paypal': 8363, '512mb': 8364, 'browsethis': 8365, 'coding': 8366, 'acclimate': 8367, 'compromises': 8368, 'inpatient': 8369, 'camcorder': 8370, 'shoes': 8371, 'fiddling': 8372, 'kingroot': 8373, 'roms': 8374, 'pluse': 8375, 'reliant': 8376, 'noticibly': 8377, 'impacts': 8378, 'twist': 8379, '92': 8380, 'bejewled': 8381, 'quilt': 8382, 'retreats': 8383, 'bu': 8384, 'upcons': 8385, 'selectiongreat': 8386, 'undergroundextremely': 8387, 'affordablesd': 8388, 'supportcons': 8389, 'toexpand': 8390, 'skittle': 8391, 'genealological': 8392, 'allocate': 8393, 'shhhhhh': 8394, 'unmatched': 8395, 'tabo': 8396, 'lining': 8397, 'youse': 8398, 'ahe': 8399, 'ooose': 8400, 'einsteins': 8401, 'antonio': 8402, 'spurs': 8403, 'leftover': 8404, 'broughtt': 8405, 'retained': 8406, 'unavoidable': 8407, 'functioanality': 8408, 'quits': 8409, 'independently': 8410, 'competable': 8411, 'protrvtion': 8412, 'male': 8413, 'gp': 8414, 'allthe': 8415, 'memeory': 8416, 'unicorn': 8417, 'beetle': 8418, 'briefcases': 8419, 'minisd': 8420, 'leery': 8421, 'lean': 8422, '12th': 8423, 'monuva': 8424, 'bery': 8425, 'futures': 8426, 'weightcons': 8427, 'deviceoverall': 8428, 'nigeria': 8429, 'digit': 8430, 'sharpest': 8431, 'faith': 8432, 'earns': 8433, 'bougth': 8434, 'dabbled': 8435, 'lockscreenhowever': 8436, 'fledged': 8437, 'cashier': 8438, 'cartwheel': 8439, 'apiece': 8440, 'yera': 8441, 'daughterworks': 8442, 'mandatory': 8443, 'gir': 8444, 'hierarchy': 8445, 'cramps': 8446, 'maxing': 8447, 'volumn': 8448, 'treasures': 8449, 'tractors': 8450, 'childen': 8451, 'developer': 8452, 'sleak': 8453, 'littoe': 8454, 'chats': 8455, 'char': 8456, 'hin': 8457, 'hitched': 8458, 'usd50': 8459, 'dramatically': 8460, 'discourage': 8461, '107': 8462, 'imaginably': 8463, 'outwards': 8464, 'perchues': 8465, 'pittance': 8466, 'steak': 8467, 'brews': 8468, 'bearly': 8469, 'spider': 8470, 'paso': 8471, 'slogan': 8472, 'akward': 8473, 'andhave': 8474, 'substandard': 8475, 'glitching': 8476, 'inspect': 8477, 'childeren': 8478, 'firegreat': 8479, 'boggle': 8480, 'haiti': 8481, 'reside': 8482, 'expend': 8483, 'agreements': 8484, 'sharge': 8485, 'davy': 8486, 'whirl': 8487, 'workall': 8488, 'thd': 8489, 'fird': 8490, 'proping': 8491, '16yr': 8492, 'ipdad': 8493, 'msrp': 8494, 'muchhh': 8495, 'invisible': 8496, 'beencollecting': 8497, '7s': 8498, 'longevity': 8499, 'compters': 8500, 'defaulty': 8501, 'kindle7': 8502, 'saythanks': 8503, 'mr': 8504, 'ipad3': 8505, 'detractors': 8506, 'iteasily': 8507, '4more': 8508, 'pe': 8509, 'whould': 8510, 'daybag': 8511, 'reopens': 8512, 'firei': 8513, 'booth': 8514, 'tb': 8515, '5min': 8516, 'muddy': 8517, 'tail': 8518, 'enouph': 8519, 'promo': 8520, 'learing': 8521, 'excessively': 8522, 'divorced': 8523, 'merry': 8524, 'and7': 8525, 'angst': 8526, 'hometown': 8527, 'conduct': 8528, 'pixelly': 8529, 'analogous': 8530, 'boos': 8531, 'enrolls': 8532, 'operarion': 8533, 'imails': 8534, 'tieing': 8535, 'rig': 8536, 'legitimate': 8537, 'aforementioned': 8538, 'particuly': 8539, 'fireman': 8540, 'firehouse': 8541, 'gesr': 8542, 'cheapfunctions': 8543, 'wellusually': 8544, 'fastcons': 8545, 'tabletsscreen': 8546, 'sfrequent': 8547, 'inif': 8548, 'bin': 8549, 'kidsvery': 8550, 'disractions': 8551, 'totalling': 8552, 'comparrison': 8553, 'wifis': 8554, 'nit': 8555, 'wade': 8556, 'hazard': 8557, 'masterr': 8558, 'stater': 8559, 'kindlehd': 8560, 'practices': 8561, 'yous': 8562, 'deleting': 8563, 'thsee': 8564, 'overheated': 8565, 'mourning': 8566, 'formidable': 8567, 'grad': 8568, '1thing': 8569, 'watche': 8570, 'steamed': 8571, 'identity': 8572, 'prevalent': 8573, 'goverment': 8574, 'aprox': 8575, 'clueless': 8576, 'limiter': 8577, 'vid': 8578, 'flabbergasted': 8579, 'reeboot': 8580, 'cashing': 8581, 'annuity': 8582, 'bypass': 8583, 'establishes': 8584, 'financially': 8585, 'restoring': 8586, 'disengaged': 8587, 'albeit': 8588, 'roadi': 8589, 'ftom': 8590, 'mx': 8591, 'treats': 8592, 'flung': 8593, 'boops': 8594, 'netfkix': 8595, 'nun': 8596, 'biiger': 8597, 'southeast': 8598, 'inflated': 8599, 'eveything': 8600, 'fundamental': 8601, 'fisher': 8602, 'everyting': 8603, 'modification': 8604, 'mrs': 8605, 'mor': 8606, 'expire': 8607, 'refill': 8608, 'illuminating': 8609, 'inexspensivd': 8610, 'diffidently': 8611, 'jut': 8612, 'lettersare': 8613, 'inadvertent': 8614, 'guesswork': 8615, 'responsibly': 8616, 'forces': 8617, 'approval': 8618, 'paided': 8619, 'battry': 8620, '8hr': 8621, 'sanctioned': 8622, 'cellpone': 8623, 'chikka': 8624, 'perfectbattery': 8625, 'greatease': 8626, 'aligned': 8627, 'especiallly': 8628, 'crispier': 8629, 'smiles': 8630, '3t': 8631, 'triangle': 8632, 'hyperlinks': 8633, 'referencing': 8634, 'expdf': 8635, 'negatively': 8636, 'impacting': 8637, 'booklight': 8638, 'sustaining': 8639, 'deescalated': 8640, 'nonprofit': 8641, 'thrilledwith': 8642, 'tacky': 8643, 'brst': 8644, 'excellentwireless': 8645, 'preciousness': 8646, 'effitient': 8647, 'merit': 8648, 'stables': 8649, 'tossing': 8650, 'hose': 8651, 'bedtimes': 8652, 'onfacebook': 8653, 'sophomore': 8654, 'googlke': 8655, 'avway': 8656, 'acceptance': 8657, 'doodling': 8658, 'amazes': 8659, 'flix': 8660, 'chunk': 8661, 'cbz': 8662, 'comiccat': 8663, 'dominated': 8664, '450': 8665, 'finances': 8666, 'privileged': 8667, 'district': 8668, 'compaters': 8669, 'pejorative': 8670, 'transported': 8671, 'thoughtful': 8672, 'moby': 8673, 'travellers': 8674, 'vga': 8675, 'barcodes': 8676, 'orbo': 8677, 'wimo': 8678, 'shrugs': 8679, 'uv': 8680, 'visibilty': 8681, 'anonymous': 8682, 'serviceable': 8683, 'catagories': 8684, 'preorder': 8685, 'shoddy': 8686, 'linkedin': 8687, 'skpe': 8688, 'shocking': 8689, '270': 8690, 'oranges': 8691, 'tasty': 8692, 'refurbs': 8693, 'scrimp': 8694, 'paltry': 8695, 'impacted': 8696, 'shots': 8697, '10000': 8698, 'ga': 8699, 'ecah': 8700, 'admirably': 8701, 'splotchy': 8702, 'despicable': 8703, 'plz': 8704, 'tack': 8705, 'rotation': 8706, 'views': 8707, 'porpose': 8708, 'retribution': 8709, 'conference': 8710, 'problemscamera': 8711, 'choldren': 8712, 'bombardment': 8713, 'beg': 8714, 'plead': 8715, 'anki': 8716, 'oppose': 8717, 'wtg': 8718, 'thw': 8719, 'mights': 8720, '185': 8721, 'cozy': 8722, 'kendle': 8723, 'justright': 8724, 'gobbling': 8725, 'overuse': 8726, 'helpfulness': 8727, 'bookbag': 8728, 'googly': 8729, 'advising': 8730, 'snapping': 8731, 'billion': 8732, 'translator': 8733, 'advertized': 8734, 'jamaica': 8735, 'finctional': 8736, 'excellentlty': 8737, '1m': 8738, 'concealable': 8739, 'grrrrr': 8740, 'perfoms': 8741, 'availabilty': 8742, 'quarte': 8743, 'stalled': 8744, '8gigs': 8745, 'befor': 8746, 'sacraficed': 8747, 'assumption': 8748, 'framerate': 8749, 'blueshade': 8750, 'changeable': 8751, 'givin': 8752, 'mcds': 8753, 'giftt': 8754, 'jshe': 8755, 'techknowledgy': 8756, 'helllo': 8757, 'startuing': 8758, 'diwloading': 8759, 'bruisers': 8760, 'kidstub': 8761, 'priorities': 8762, '52': 8763, 'generously': 8764, 'thread': 8765, 'sensory': 8766, 'topped': 8767, 'forewarning': 8768, 'aligning': 8769, 'terminals': 8770, 'placemnt': 8771, 'voter': 8772, 'kernel': 8773, 'pricepoint': 8774, 'addable': 8775, 'accessability': 8776, 'il': 8777, 'oodles': 8778, 'kindlegreat': 8779, 'tsnley': 8780, 'neices': 8781, 'incorrectly': 8782, 'wells': 8783, 'aidiobooks': 8784, 'diconnected': 8785, 'vacuuming': 8786, 'retailer': 8787, 'thanx': 8788, 'reserve': 8789, 'fester': 8790, 'dowloads': 8791, 'gifffft': 8792, 'yield': 8793, 'hom': 8794, 'tigertown': 8795, 'camerakids': 8796, 'granma': 8797, 'affording': 8798, 'enjoiy': 8799, 'circumstance': 8800, 'conquered': 8801, 'ipadeasy': 8802, 'thaks': 8803, 'ans': 8804, 'trio': 8805, '3ds': 8806, 'xls': 8807, 'amaon': 8808, 'matured': 8809, 'trail': 8810, 'mucch': 8811, 'sugg': 8812, 'believed': 8813, 'storming': 8814, 'instructor': 8815, 'beatings': 8816, 'purchaed': 8817, 'carrington': 8818, 'ay': 8819, 'grnaddaughter': 8820, 'girt': 8821, 'apron': 8822, 'req': 8823, 'gpod': 8824, 'province': 8825, 'lessa': 8826, 'banks': 8827, 'nab': 8828, 'bucket': 8829, 'slowpoke': 8830, 'venture': 8831, 'wed': 8832, 'cheapies': 8833, 'jitters': 8834, 'niles': 8835, 'firetablet': 8836, 'resoultion': 8837, 'sgould': 8838, 'haopen': 8839, 'vlash': 8840, 'captured': 8841, 'bargained': 8842, 'tots': 8843, 'conferences': 8844, '2y': 8845, 'sheuses': 8846, 'pricer': 8847, 'ambivalent': 8848, 'dating': 8849, 'oor': 8850, 'ghosting': 8851, 'twisted': 8852, 'chassis': 8853, 'underwhelmed': 8854, 'wellbad': 8855, 'buried': 8856, 'pricei': 8857, 'enet': 8858, 'boufgt': 8859, 'ringer': 8860, 'efficicient': 8861, '20x': 8862, 'filler': 8863, 'graphically': 8864, 'tact': 8865, 'usages': 8866, 'servives': 8867, 'dieing': 8868, 'belonging': 8869, 'sauna': 8870, 'peoples': 8871, 'touchly': 8872, 'was3nt': 8873, 'wasent': 8874, 'seperate': 8875, 'miserably': 8876, 'restored': 8877, 'vice': 8878, 'runnings': 8879, 'actly': 8880, 'ridcously': 8881, 'ifap': 8882, 'cs': 8883, 'steel': 8884, 'itmstore': 8885, 'servicable': 8886, 'realibility': 8887, 'ocassional': 8888, 'tereat': 8889, 'potty': 8890, 'yeeeeaaaahhhhh': 8891, 'commutes': 8892, 'recliner': 8893, 'versed': 8894, 'hangin': 8895, 'clearance': 8896, 'dismay': 8897, 'alongside': 8898, '1024x600': 8899, 'especiall': 8900, 'documenting': 8901, 'accountss': 8902, 'llife': 8903, 'unfathomable': 8904, 'parentallocks': 8905, 'repackaged': 8906, 'rebuilt': 8907, 'arnt': 8908, 'possessing': 8909, 'gee': 8910, 'boardman': 8911, 'smh': 8912, 'crisus': 8913, 'debris': 8914, 'amplified': 8915, 'enchanced': 8916, '32gig': 8917, 'awaesome': 8918, 'hoop': 8919, 'backboard': 8920, 'lego': 8921, 'panic': 8922, 'vesion': 8923, 'producto': 8924, 'hime': 8925, 'followers': 8926, 'vidoes': 8927, 'elevates': 8928, 'notably': 8929, 'finest': 8930, '75th': 8931, 'monitors': 8932, 'precarious': 8933, 'teenaged': 8934, 'whos': 8935, 'cyanogenmod': 8936, 'memories': 8937, 'las': 8938, 'incase': 8939, 'md': 8940, 'whoe': 8941, 'stamps': 8942, 'cognitive': 8943, 'diz': 8944, 'ecellerated': 8945, 'hospitalized': 8946, 'representation': 8947, 'rigorous': 8948, 'tipe': 8949, 'establishment': 8950, 'tasked': 8951, 'timed': 8952, 'scribd': 8953, 'famaily': 8954, 'begiiner': 8955, 'vidios': 8956, 'connell': 8957, 'unsuspecting': 8958, 'gra': 8959, 'pity': 8960, 'mcafee': 8961, 'offs': 8962, 'orice': 8963, 'writer': 8964, 'offcourse': 8965, 'booksdoes': 8966, 'guidelines': 8967, 'inventory': 8968, 'woodworking': 8969, 'downloead': 8970, 'stuffing': 8971, 'stockers': 8972, 'sugar': 8973, 'whitt': 8974, 'skilled': 8975, 'hinders': 8976, 'bloggers': 8977, 'writers': 8978, 'storeage': 8979, 'mozilla': 8980, 'ironically': 8981, 'makeup': 8982, 'drills': 8983, 'burner': 8984, 'awwwwwwww': 8985, 'booking': 8986, 'thise': 8987, 'constanrly': 8988, 'reconnnet': 8989, 'intensly': 8990, 'behaved': 8991, 'burnt': 8992, 'onedrive': 8993, 'ises': 8994, 'greal': 8995, 'chromebooks': 8996, 'neeeded': 8997, 'odb': 8998, 'sincei': 8999, 'abandon': 9000, '12hr': 9001, 'escalated': 9002, 'hmmmm': 9003, 'sixe': 9004, 'sinced': 9005, 'unremoveable': 9006, 'itttttt': 9007, 'booksome': 9008, 'stripes': 9009, 'aptoide': 9010, 'walaaa': 9011, 'onlinei': 9012, 'mentally': 9013, 'comixology': 9014, 'preview': 9015, 'powerwhite': 9016, 'sup': 9017, 'renewal': 9018, 'holey': 9019, 'moley': 9020, 'southwest': 9021, 'adaptation': 9022, 'routing': 9023, 'qualitycons': 9024, 'kendall': 9025, 'clairity': 9026, 'blanks': 9027, 'thanked': 9028, 'horrific': 9029, 'thay': 9030, 'bluetooths': 9031, 'tactically': 9032, 'onky': 9033, 'expandabel': 9034, 'becouse': 9035, 'aforedabul': 9036, 'cuvenet': 9037, 'successor': 9038, 'conscience': 9039, 'forecaster': 9040, 'reasoning': 9041, 'kpdi': 9042, 'prefere': 9043, 'aspergers': 9044, 'devotee': 9045, 'refunding': 9046, 'unintended': 9047, 'discussed': 9048, '0ne': 9049, 'rally': 9050, 'jib': 9051, 'career': 9052, 'downsize': 9053, 'occurring': 9054, 'tabletsas': 9055, 'advisable': 9056, 'literacy': 9057, 'pray': 9058, 'happiness': 9059, 'adulthood': 9060, 'techo': 9061, 'progressed': 9062, 'youtubekids': 9063, 'blurring': 9064, 'homebound': 9065, '225': 9066, 'reps': 9067, 'fwiw': 9068, 'arise': 9069, 'laud': 9070, 'shouldnt': 9071, 'coronary': 9072, 'exc': 9073, 'leads': 9074, 'intern': 9075, 'eventual': 9076, 'deliverd': 9077, 'refunded': 9078, 'sturdiness': 9079, 'satisify': 9080, 'covererd': 9081, 'repairable': 9082, 'ncrease': 9083, 'mybe': 9084, 'minut': 9085, 'overalls': 9086, 'literary': 9087, 'fundamentals': 9088, 'bloated': 9089, 'flixst': 9090, 'playground': 9091, 'playthings': 9092, 'doable': 9093, 'distract': 9094, 'reinserting': 9095, 'onsale': 9096, 'wellbas': 9097, 'serv8ce': 9098, 'guessed': 9099, 'unprofessional': 9100, 'ponder': 9101, 'mum': 9102, 'boon': 9103, 'talent': 9104, 'slammed': 9105, 'workes': 9106, 'tutoring': 9107, 'entretaiment': 9108, 'plsy': 9109, 'deviations': 9110, 'deduction': 9111, 'alterations': 9112, 'maintain': 9113, 'macos': 9114, 'prerfict': 9115, 'drier': 9116, 'tabletd': 9117, 'amazonprime': 9118, 'justwhat': 9119, 'tg': 9120, 'alarming': 9121, 'cheap2': 9122, 'handy3': 9123, 'kidscons': 9124, 'running2': 9125, 'sufficient3': 9126, 'twos': 9127, 'reinstalled': 9128, 'satisfly': 9129, 'putchased': 9130, '63': 9131, 'millennium': 9132, 'falcon': 9133, 'flashed': 9134, 'cm': 9135, 'absofbing': 9136, 'webi': 9137, 'fluff': 9138, 'jw': 9139, 'loveeeeeeeee': 9140, 'bedridden': 9141, 'ovoo': 9142, 'addictions': 9143, 'advertisers': 9144, 'subsidizing': 9145, 'bluelight': 9146, 'slider': 9147, 'animations': 9148, 'attest': 9149, 'mega': 9150, 'hangouts': 9151, 'ale': 9152, 'insadent': 9153, 'vacuums': 9154, 'dries': 9155, 'devicethank': 9156, 'amaazing': 9157, 'septagenarian': 9158, 'adroid': 9159, 'parens': 9160, 'rediscovered': 9161, 'disab': 9162, 'tabletperforms': 9163, 'fordo': 9164, 'especial': 9165, 'unpair': 9166, 'beater': 9167, 'steamy': 9168, 'expansionfor': 9169, '38': 9170, 'kiosks': 9171, 'pta': 9172, 'yhis': 9173, 'mived': 9174, '6years': 9175, 'thave': 9176, 'especialyl': 9177, 'chemotherapy': 9178, 'radiation': 9179, 'hisitating': 9180, 'oma': 9181, 'regualur': 9182, 'anymorte': 9183, 'declining': 9184, 'freeplay': 9185, 'weighteasy': 9186, 'wooo': 9187, 'sizegood': 9188, 'becuz': 9189, 'teplaced': 9190, 'kilter': 9191, 'bonding': 9192, 'trunk': 9193, 'crushing': 9194, '63rd': 9195, 'wasteful': 9196, 'saund': 9197, '16love': 9198, 'someting': 9199, 'iwhatever': 9200, 'kidzbop': 9201, 'adulting': 9202, 'selfish': 9203, 'camn': 9204, 'crave': 9205, 'neko': 9206, 'atsume': 9207, 'affordible': 9208, 'onrs': 9209, 'jwbroadcasting': 9210, 'sumsung': 9211, 'comnect': 9212, 'convertible': 9213, 'youversion': 9214, 'servesany': 9215, '7inches': 9216, 'nestled': 9217, 'aosp': 9218, 'oses': 9219, 'journal': 9220, 'cringing': 9221, 'firsthand': 9222, 'plague': 9223, 'alphabets': 9224, 'performnces': 9225, 'macair': 9226, 'suppoused': 9227, 'one1': 9228, 'rmusic': 9229, 'exeptional': 9230, 'marches': 9231, 'throwaway': 9232, 'ant': 9233, 'paidwill': 9234, 'boundaries': 9235, 'jane': 9236, 'autofill': 9237, '6x': 9238, 'axcess': 9239, 'samsaung': 9240, 'ebookson': 9241, 'flipboard': 9242, 'richard': 9243, 'forgoing': 9244, 'mote': 9245, 'impovement': 9246, 'moore': 9247, 'wnjoyed': 9248, '15yrs': 9249, 'cary': 9250, 'limites': 9251, 'crochet': 9252, 'tragedy': 9253, 'kidzobe': 9254, 'itbeats': 9255, 'compariable': 9256, 'grandfaughter': 9257, 'hippressurecooking': 9258, 'graphicsawesome': 9259, 'managedto': 9260, 'difficultwith': 9261, 'iiicandy': 9262, 'echelon': 9263, 'logins': 9264, 'drawn': 9265, 'personslly': 9266, 'caliber': 9267, 'usps': 9268, 'portfolio': 9269, 'ild': 9270, 'googled': 9271, 'youngers': 9272, 'tickle': 9273, 'manuever': 9274, 'gran': 9275, 'luster': 9276, 'craigslist': 9277, 'itwhat': 9278, 'jean': 9279, 'wath': 9280, 'retiring': 9281, 'monochromatic': 9282, '3gave': 9283, 'reposnsive': 9284, 'nova': 9285, 'bluethoot': 9286, 'coordination': 9287, '7tablet': 9288, 'motions': 9289, 'gsp': 9290, 'crabbing': 9291, 'fadt': 9292, 'teriffic': 9293, 'cluttering': 9294, 'exotic': 9295, 'purchashed': 9296, 'begineers': 9297, 'ordersfrom': 9298, 'grub': 9299, 'chatting': 9300, 'overlap': 9301, 'hoopla': 9302, 'exempt': 9303, 'prenatal': 9304, 'complainants': 9305, 'wierd': 9306, 'watchespn': 9307, 'cardthe': 9308, 'dma': 9309, 'deactivated': 9310, 'shops': 9311, 'supermarkets': 9312, 'risks': 9313, 'cherry': 9314, 'slates': 9315, 'kindergartener': 9316, '80yr': 9317, 'a7': 9318, 'bothe': 9319, 'involuntary': 9320, 'miserable': 9321, 'themail': 9322, 'assignmentshe': 9323, '768': 9324, 'donation': 9325, 'aduquate': 9326, 'yankee': 9327, 'curfews': 9328, 'rose': 9329, 'presenting': 9330, 'awakes': 9331, 'sibling': 9332, 'colorlittle': 9333, 'label': 9334, 'downloding': 9335, 'evens': 9336, 'reserved': 9337, 'loloaded': 9338, 'comforts': 9339, 'conscamera': 9340, '15yr': 9341, '14yr': 9342, '2s': 9343, 'impatient': 9344, 'granddad': 9345, 'memebr': 9346, 'sssssssssss': 9347, 'wld': 9348, 'perimeters': 9349, 'peoria': 9350, 'brakes': 9351, 'obly': 9352, 'roadtrips': 9353, 'wishi': 9354, 'smudged': 9355, 'dissapoint': 9356, 'producti': 9357, 'pencil': 9358, 'pencils': 9359, 'goddaughters': 9360, 'smallish': 9361, 'hiking': 9362, 'soneasy': 9363, 'uplight': 9364, 'wut': 9365, 'onand': 9366, '58': 9367, 'offensive': 9368, 'immodestly': 9369, 'freetme': 9370, 'mni': 9371, 'borat': 9372, 'kills': 9373, 'slimlp': 9374, 'youtubing': 9375, 'fulfil': 9376, '1each': 9377, 'alien': 9378, 'seventh': 9379, 'haywire': 9380, 'watchable': 9381, 'wilds': 9382, 'onblack': 9383, 'fist': 9384, 'claus': 9385, 'france': 9386, 'recoding': 9387, 'mp': 9388, 'bfs': 9389, 'jessica': 9390, 'lee': 9391, 'greatprice': 9392, 'systemgreat': 9393, 'feedbackthe': 9394, 'newly': 9395, 'fumigate': 9396, 'iteasy': 9397, 'reconmnd': 9398, 'disapproval': 9399, 'unlink': 9400, 'hisband': 9401, 'smail': 9402, 'forfpor': 9403, 'kf': 9404, 'declined': 9405, 'needgood': 9406, 'wat': 9407, 'aptitude': 9408, 'with6': 9409, 'origanally': 9410, '5h': 9411, '8h': 9412, 'withdraw': 9413, 'delte': 9414, 'connectively': 9415, '9yrs': 9416, 'othere': 9417, 'wifeher': 9418, 'rebecca': 9419, 'fifties': 9420, 'sistem': 9421, 'usecheapexpandable': 9422, 'cardcons': 9423, 'loadscheap': 9424, 'abilty': 9425, 'sy': 9426, 'resultion': 9427, 'thirteen': 9428, 'mcsd': 9429, 'ultracheap': 9430, 'hacks': 9431, 'insecure': 9432, 'ail': 9433, 'baser': 9434, 'bedsides': 9435, 'reaader': 9436, 'weighed': 9437, 'reeaders': 9438, 'l8ike': 9439, 'betterand': 9440, 'beeen': 9441, 'overriding': 9442, 'tabletperfect': 9443, 'greatfor': 9444, 'werelacking': 9445, 'sms': 9446, 'accessble': 9447, 'protecter': 9448, 'intermittent': 9449, 'cad': 9450, 'mil': 9451, 'optimize': 9452, 'resourcelful': 9453, 'brows': 9454, 'princesses': 9455, 'videis': 9456, 'compaints': 9457, 'largely': 9458, 'league': 9459, 'powrful': 9460, 'kidsand': 9461, 'ballon': 9462, 'poppinggames': 9463, 'tokens': 9464, 'gems': 9465, 'eyed': 9466, 'curated': 9467, 'dents': 9468, 'prominent': 9469, 'androidos': 9470, 'drs': 9471, 'lurana566': 9472, 'complaintssome': 9473, 'flimsier': 9474, 'nonexpensive': 9475, 'browsingnetflixemail': 9476, 'knockoff': 9477, 'chips': 9478, 'playting': 9479, 'nuprocase': 9480, 'airfare': 9481, 'differents': 9482, 'simpl': 9483, 'craving': 9484, 'stollen': 9485, 'deactivate': 9486, 'mifi': 9487, 'beefy': 9488, 'proprietory': 9489, 'slideview': 9490, 'modicum': 9491, 'tumble': 9492, 'calm': 9493, 'ding': 9494, 'attendance': 9495, 'spontaneously': 9496, 'strolling': 9497, 'pat': 9498, 'diss': 9499, 'probls': 9500, 'rang': 9501, 'wannabe': 9502, 'prohibitive': 9503, 'bulkier': 9504, 'exelent': 9505, 'shoppin': 9506, 'quikrev': 9507, 'onlots': 9508, 'stacking': 9509, 'okly': 9510, 'queenie': 9511, 'dexterity': 9512, 'ruined': 9513, 'rr': 9514, 'massacred': 9515, 'incompatible': 9516, 'orederd': 9517, 'parenthesis': 9518, 'correction': 9519, 'afterward': 9520, 'anywere': 9521, 'backseat': 9522, 'raccomend': 9523, 'craves': 9524, 'accumulated': 9525, 'touring': 9526, 'honda': 9527, 'valkyrie': 9528, 'wary': 9529, 'poetically': 9530, 'emulator': 9531, 'tolerance': 9532, 'boiling': 9533, 'dared': 9534, 'someplace': 9535, 'sixed': 9536, 'meander': 9537, 'ingrained': 9538, 'allowances': 9539, 'commerce': 9540, 'mistakes': 9541, 'blotware': 9542, 'tweaked': 9543, 'timethey': 9544, 'ahold': 9545, 'giggled': 9546, 'snagging': 9547, 'fights': 9548, 'travelingin': 9549, 'adaquate': 9550, 'thaler': 9551, 'inputting': 9552, 'plausible': 9553, 'braven': 9554, 'riverbank': 9555, 'sharpening': 9556, 'tblet': 9557, 'returened': 9558, 'anothers': 9559, 'adjunct': 9560, 'cleat': 9561, '700': 9562, 'searchshopp': 9563, 'ducktales': 9564, 'thiers': 9565, 'indicating': 9566, 'graciously': 9567, 'expires': 9568, 'microdisk': 9569, 'outfit': 9570, 'downloader': 9571, 'flavor': 9572, 'partially': 9573, 'undo': 9574, 'infinity': 9575, 'doomed': 9576, 'recommanded': 9577, 'buddies': 9578, 'attend': 9579, 'salvation': 9580, 'giftcards': 9581, 'carefree': 9582, 'university': 9583, 'ttoonnss': 9584, 'stranger': 9585, 'instructibles': 9586, 'merrillville': 9587, 'forgive': 9588, 'arguement': 9589, 'reflected': 9590, 'speeded': 9591, '5g': 9592, 'tw': 9593, 'zoomed': 9594, 'tinted': 9595, 'z3': 9596, 's4': 9597, 'g4': 9598, 'goody': 9599, 'niecegreat': 9600, 'doesnwhat': 9601, 'intentionally': 9602, 'presentations': 9603, 'pant': 9604, 'dlls': 9605, 'din': 9606, 'soul': 9607, 'howevef': 9608, 'talber': 9609, 'frozed': 9610, 'cellphones': 9611, 'italics': 9612, 'doh': 9613, 'hyped': 9614, 'playibg': 9615, 'usebattery': 9616, 'goodeasy': 9617, 'accumulating': 9618, 'gadgetly': 9619, 'lefthand': 9620, 'fastbooth': 9621, 'expiring': 9622, 'enhanse': 9623, 'granny': 9624, 'firday': 9625, 'obsession': 9626, 'drink': 9627, 'every1': 9628, 'phonics': 9629, 'jiffy': 9630, 'consequently': 9631, 'bandits': 9632, 'movee': 9633, 'herfor': 9634, 'reality': 9635, 'blockers': 9636, 'ocd': 9637, 'receipts': 9638, 'backups': 9639, 'unintentional': 9640, 'xpectations': 9641, 'tags': 9642, 'tango': 9643, 'scientific': 9644, 'mg': 9645, 'maxed': 9646, 'dearth': 9647, 'contentcons': 9648, 'imovie': 9649, 'garageband': 9650, 'frequency': 9651, 'nemo': 9652, 'maunuver': 9653, 'guilty': 9654, 'hallelujah': 9655, 'goofing': 9656, 'adventurous': 9657, 'seasin': 9658, 'debit': 9659, 'hood': 9660, 'adriod': 9661, 'ain': 9662, 'fori': 9663, 'pld': 9664, 'buisness': 9665, 'ifit': 9666, 'joyed': 9667, 'prblems': 9668, 'agian': 9669, 'suprise': 9670, 'admin': 9671, 'agers': 9672, 'reckomend': 9673, 'timeverything': 9674, 'borne': 9675, 'greatness': 9676, 'predecessors': 9677, 'grandchilden': 9678, 'hemming': 9679, 'hawing': 9680, 'libarary': 9681, '4out': 9682, '6000indles': 9683, 'therfore': 9684, 'acknowledged': 9685, '30day': 9686, 'grrreeat': 9687, 'promices': 9688, '72gb': 9689, 'gott': 9690, 'wellas': 9691, 'reponsive': 9692, 'striped': 9693, 'sytem': 9694, 'cooperative': 9695, 'marking': 9696, 'belive': 9697, 'supurb': 9698, 'recomond': 9699, 'kennedy': 9700, 'satisface': 9701, 'thingsthank': 9702, 'reputed': 9703, 'abt': 9704, 'painlessly': 9705, 'beneath': 9706, 'saavier': 9707, 'exploit': 9708, 'poker': 9709, 'shockproof': 9710, 'carter': 9711, 'radily': 9712, 'erased': 9713, 'flick': 9714, 'fulfilled': 9715, 'pix': 9716, 'prome': 9717, 'inexperienced': 9718, 'outdone': 9719, 'fatherl': 9720, 'leat': 9721, 'tinkerer': 9722, 'unmodified': 9723, 'starsmodified': 9724, 'videochat': 9725, 'barebones': 9726, 'ineternet': 9727, 'amazan': 9728, 'verities': 9729, 'snows': 9730, 'rips': 9731, 'alduts': 9732, 'coarse': 9733, 'problemsall': 9734, 'union': 9735, 'lollipop': 9736, 'appscompatible': 9737, 'appsloves': 9738, 'priduct': 9739, 'gbs': 9740, 'gud': 9741, 'lottery': 9742, 'gan': 9743, 'semm': 9744, 'maneuvers': 9745, 'it2': 9746, 'academics': 9747, 'yearsand': 9748, 'snapped': 9749, '4x': 9750, 'thrive': 9751, 'nickjr': 9752, 'ioffer': 9753, 'picturespower': 9754, 'speedeasy': 9755, 'surprisely': 9756, 'jer': 9757, 'courteous': 9758, 'swems': 9759, 'entice': 9760, 'pertness': 9761, 'accupied': 9762, 'simplity': 9763, 'citing': 9764, 'complantes': 9765, 'verygood': 9766, 'balancing': 9767, 'outperform': 9768, 'smashed': 9769, 'te': 9770, 'boils': 9771, 'neef': 9772, 'maine': 9773, 'teeny': 9774, 'unheard': 9775, '13yrs': 9776, 'pricelightweight': 9777, 'socks': 9778, 'bruises': 9779, 'lad': 9780, 'overflowing': 9781, 'usei': 9782, 'emailand': 9783, 'wpuldnt': 9784, 'amarion': 9785, 'irresistable': 9786, 'profit': 9787, 'desirable': 9788, 'probbem': 9789, 'bargin': 9790, 'designate': 9791, 'absoluitely': 9792, 'thatbi': 9793, 'nive': 9794, 'iust': 9795, 'muchbfor': 9796, 'capacities': 9797, 'allhave': 9798, 'boight': 9799, 'pinks': 9800, 'takings': 9801, 'explode': 9802, 'conveniet': 9803, 'eleven': 9804, 'everyhing': 9805, 'hovering': 9806, 'browsed': 9807, 'haves': 9808, 'layovers': 9809, 'everyonel': 9810, 'memorystick': 9811, 'sooon': 9812, 'xams': 9813, 'entrenched': 9814, 'starng': 9815, 'sweeter': 9816, 'intially': 9817, 'excites': 9818, 'iof': 9819, 'packets': 9820, 'panda': 9821, 'toca': 9822, 'tabby': 9823, 'pave': 9824, 'blackliontravel': 9825, 'perfit': 9826, 'loooovvvvveeee': 9827, 'okd': 9828, 'blinks': 9829, 'tobe': 9830, 'pouches': 9831, 'pennybought': 9832, 'fam': 9833, 'irked': 9834, 'ecocistem': 9835, 'basiseasy': 9836, 'msgs': 9837, 'tablat': 9838, 'troble': 9839, 'feautures': 9840, 'basicly': 9841, 'conclude': 9842, 'whoa': 9843, 'inexpensiveexpandable': 9844, 'storagegood': 9845, 'shopperscons': 9846, 'performancelack': 9847, 'installedtouch': 9848, 'freezesscreen': 9849, 'huetoo': 9850, 'thingssound': 9851, 'goodwifi': 9852, 'onlyconclusion': 9853, 'grayish': 9854, 'mamma': 9855, 'beggnners': 9856, 'rode': 9857, 'unloads': 9858, '3m': 9859, 'reclaimed': 9860, 'surfingnewsreaderaudio': 9861, 'playernetflix': 9862, 'etcwhat': 9863, 'gpsscreen': 9864, 'sson': 9865, 'psuh': 9866, 'girlfriendand': 9867, 'dino': 9868, 'flex8': 9869, 'pkg': 9870, 'crushed': 9871, 'dumbed': 9872, 'slooowww': 9873, 'accepting': 9874, 'watered': 9875, 'priceand': 9876, 'chegg': 9877, 'photography': 9878, 'commons': 9879, 'deserted': 9880, 'arriving': 9881, 'praying': 9882, 'inconvenienced': 9883, 'disbursed': 9884, 'mortar': 9885, 'wma': 9886, 'trucks': 9887, 'fustrution': 9888, 'chanes': 9889, 'markets': 9890, 'includeing': 9891, 'androd': 9892, 'theipad': 9893, 'kifre': 9894, 'vcr': 9895, 'rewrapping': 9896, 'docked': 9897, 'mthere': 9898, 'pens': 9899, 'realitivley': 9900, 'viewable': 9901, 'systemcons': 9902, 'issuesin': 9903, 'outright': 9904, 'adobe': 9905, 'scheme': 9906, 'sparkle': 9907, 'promotions': 9908, 'wedsite': 9909, 'singular': 9910, 'phenomenally': 9911, '8month': 9912, 'koreans': 9913, 'asian': 9914, 'underwhelming': 9915, 'secs': 9916, 'clears': 9917, 'bellini': 9918, 'reappear': 9919, 'puncture': 9920, 'epad': 9921, 'lies': 9922, 'deluxe': 9923, 'naviagation': 9924, 'outclasses': 9925, 'facial': 9926, 'cobtrols': 9927, 'stove': 9928, 'mini2': 9929, 'daighter': 9930, 'intl': 9931, 'ppts': 9932, 'miniscule': 9933, 'tableteasy': 9934, 'flashplayer': 9935, 'snatch': 9936, 'spected': 9937, 'handly': 9938, 'alek': 9939, 'prefectly': 9940, 'likits': 9941, 'menone': 9942, 'omnipresent': 9943, 'chatge': 9944, '37th': 9945, 'attendant': 9946, 'accelerometer': 9947, 'preffered': 9948, 'advantagefor': 9949, 'lefties': 9950, 'satisfiedeasier': 9951, 'completly': 9952, 'polarized': 9953, 'nad': 9954, 'evolutionary': 9955, 'silhouette': 9956, 'twinkles': 9957, 'preordered': 9958, 'tails': 9959, 'comings': 9960, 'audibles': 9961, 'nnby': 9962, 'texted': 9963, 'difiitioin': 9964, 'multiplied': 9965, 'putin': 9966, 'coherent': 9967, 'baskey': 9968, 'spongy': 9969, 'targeted': 9970, 'inherited': 9971, 'interferes': 9972, 'grabs': 9973, 'deletion': 9974, 'consice': 9975, 'chime': 9976, 'trilogies': 9977, 'repaved': 9978, 'itl': 9979, 'multiplication': 9980, 'division': 9981, 'finishing': 9982, 'transactions': 9983, 'tix': 9984, 'yokod': 9985, 'kathleen': 9986, 'stroyek': 9987, 'hay': 9988, 'udated': 9989, 'chipper': 9990, 'messageer': 9991, 'autofocus': 9992, 'alaska': 9993, 'conecctions': 9994, 'sails': 9995, 'insensitive': 9996, 'expressed': 9997, 'solitare': 9998, 'sodoko': 9999, 'slr': 10000, 'tsa': 10001, 'screening': 10002, 'political': 10003, 'hurricane': 10004, 'atlantic': 10005, 'northern': 10006, 'determination': 10007, 'morn': 10008, 'tasker': 10009, 'mere': 10010, 'mathematically': 10011, 'equation': 10012, 'kidsmode': 10013, 'looooooong': 10014, 'acording': 10015, 'linsay': 10016, 'sahre': 10017, 'boxed': 10018, 'viewers': 10019, 'nextbook': 10020, 'spoiler': 10021, 'llite': 10022, 'polarizing': 10023, 'wantedbest': 10024, 'alsome': 10025, 'pff': 10026, 'goings': 10027, 'pleanty': 10028, '2days': 10029, 'tabletsome': 10030, 'multiuse': 10031, 'screamreal': 10032, 'supportive': 10033, 'woo': 10034, 'tabletyou': 10035, 'pare': 10036, 'oonz': 10037, 'screwing': 10038, 'speedcons': 10039, 'clumsiness': 10040, 'knack': 10041, 'taplet': 10042, 'professionals': 10043, 'jon': 10044, 'sorcerer': 10045, 'fish': 10046, 'safeguards': 10047, 'netflexs': 10048, 'thks': 10049, 'definate': 10050, 'protections': 10051, 'bending': 10052, 'furbished': 10053, 'allots': 10054, 'distances': 10055, 'futile': 10056, 'tethering': 10057, 'nices': 10058, 'happend': 10059, 'screenlike': 10060, 'feachers': 10061, 'goodexcellent': 10062, 'sharpness': 10063, 'dishwashers': 10064, 'fitst': 10065, 'panasonic': 10066, 'handsets': 10067, 'cloths': 10068, 'poundage': 10069, 'techonology': 10070, 'undergrond': 10071, 'godchild': 10072, 'ligher': 10073, 'availablesare': 10074, 'beoke': 10075, 'gbss': 10076, 'oit': 10077, 'malfunctions': 10078, 'variant': 10079, 'theach': 10080, '13th': 10081, 'kinde': 10082, 'firends': 10083, 'regulation': 10084, 'playimg': 10085, 'desciples': 10086, 'dubious': 10087, 'measly': 10088, 'bypassed': 10089, 'influence': 10090, 'chugs': 10091, 'my9': 10092, 'conceal': 10093, 'resort': 10094, '14yo': 10095, 'gleeful': 10096, 'displaynice': 10097, 'marketchild': 10098, 'ration': 10099, '46': 10100, 'profrssional': 10101, 'k2': 10102, 'cleverly': 10103, 'devised': 10104, 'heckpros': 10105, 'prettyfunctionalcons': 10106, 'slipperyexpensive': 10107, 'loops': 10108, 'groove': 10109, 'justifies': 10110, 'umm': 10111, 'grips': 10112, 'untextured': 10113, 'unpadded': 10114, 'scrape': 10115, 'floppy': 10116, 'properties': 10117, 'plasticky': 10118, 'examination': 10119, 'pda': 10120, '29th': 10121, 'safari': 10122, 'prosthe': 10123, 'straps': 10124, 'drum': 10125, 'consmy': 10126, 'frisbee': 10127, 'barley': 10128, 'cushioning': 10129, 'greatthank': 10130, 'gaurantee': 10131, 'toddlerseasy': 10132, 'carryeasy': 10133, 'kidz': 10134, 'height': 10135, 'bland': 10136, 'dnt': 10137, 'ky': 10138, 'fews': 10139, 'wolf': 10140, 'measures': 10141, 'proclaims': 10142, 'musicality': 10143, 'parenting': 10144, 'chronic': 10145, 'culprit': 10146, 'glambaby': 10147, 'easiness': 10148, 'an3': 10149, 'chtistmas': 10150, 'micky': 10151, 'unrelated': 10152, 'goggleplay': 10153, 'experiance': 10154, 'newphew': 10155, 'contorl': 10156, 'kindleized': 10157, 'fiddled': 10158, 'sdmini': 10159, 'motor': 10160, 'deficits': 10161, 'undone': 10162, 'teething': 10163, '6hours': 10164, 'minds': 10165, 'cooperate': 10166, 'indestructable': 10167, 'honeatly': 10168, 'unsupervised': 10169, 'gamehis': 10170, 'motivation': 10171, 'ranged': 10172, 'tabletthe': 10173, 'clog': 10174, '10and': 10175, 'contol': 10176, 'itshe': 10177, 'lick': 10178, 'disallow': 10179, 'dangers': 10180, 'pkus': 10181, 'adolescent': 10182, 'charitable': 10183, 'grandboy': 10184, 'dif': 10185, 'handlings': 10186, 'guarantees': 10187, 'spilled': 10188, 'gigahertz': 10189, 'megapixel': 10190, 'excitedly': 10191, 'girly': 10192, 'fears': 10193, '4yrs': 10194, 'misbehaving': 10195, 'abcs': 10196, 'inquiring': 10197, 'submitted': 10198, 'consulting': 10199, 'tablett': 10200, 'wasd': 10201, '15mins': 10202, 'surrounds': 10203, '30sec': 10204, 'spongbob': 10205, 'equates': 10206, 'nterface': 10207, 'chubby': 10208, 'stills': 10209, 'clones': 10210, 'prof': 10211, 'quetion': 10212, 'warenty': 10213, 'kidsit': 10214, 'educationali': 10215, 'preparation': 10216, 'abke': 10217, '3yrs': 10218, 'fondly': 10219, 'azi': 10220, 'toodler': 10221, 'gre': 10222, 'bumpers': 10223, 'contenders': 10224, 'ager': 10225, 'grankids': 10226, 'assumwd': 10227, 'hover': 10228, 'unbox': 10229, '7yo': 10230, 'granville': 10231, 'wv': 10232, 'facets': 10233, 'presence': 10234, 'dreamtab': 10235, 'aiden': 10236, 'differentiate': 10237, 'durrible': 10238, 'tabletscons': 10239, 'geating': 10240, 'plying': 10241, 'accedently': 10242, 'recieve': 10243, 'soooooo': 10244, 'sterdy': 10245, 'appschild': 10246, 'adultsa': 10247, 'fugured': 10248, 'clothes': 10249, 'pictureshe': 10250, 'grandniece': 10251, 'litthe': 10252, 'needespecially': 10253, 'jissela': 10254, 'mechanics': 10255, 'bugging': 10256, 'samaumg': 10257, 'rethinking': 10258, 'farone': 10259, 'prop': 10260, 'externally': 10261, 'ttje': 10262, 'licensing': 10263, 'bold': 10264, 'sneakily': 10265, 'lifw': 10266, 'goodidn': 10267, 'independence': 10268, 'op': 10269, '2yo': 10270, 'absorbs': 10271, 'freespace': 10272, 'cal': 10273, 'saggy': 10274, 'themes': 10275, 'jostled': 10276, 'tiniest': 10277, 'majorly': 10278, 'shaping': 10279, 'tosses': 10280, 'lifesavers': 10281, 'daugter': 10282, 'usin': 10283, 'grownup': 10284, 'pove': 10285, 'pime': 10286, '2yrs': 10287, 'alterior': 10288, 'motive': 10289, 'crying': 10290, 'bowl': 10291, 'grandchilds': 10292, 'adhd': 10293, 'stringer': 10294, 'hardwood': 10295, 'stair': 10296, 'buyshock': 10297, 'kangaroo': 10298, 'pogo': 10299, 'discerning': 10300, 'feaures': 10301, 'modes': 10302, 'homemade': 10303, 'mucheveryday': 10304, 'cubby': 10305, 'crafted': 10306, 'glue': 10307, 'purchasei': 10308, 'k8d': 10309, 'poloroid': 10310, 'hs': 10311, 'conpaired': 10312, 'figthing': 10313, 'exchanges': 10314, 'aweosme': 10315, 'enroll': 10316, 'mgr': 10317, 'jerk': 10318, 'hds': 10319, 'freetimeunlimited': 10320, 'investigated': 10321, 'hunting': 10322, 'captivated': 10323, 'belongs': 10324, 'gurantee': 10325, 'batery': 10326, 'progressing': 10327, '1yo': 10328, 'wrath': 10329, 'signs': 10330, 'stutdy': 10331, 'farmers': 10332, 'almanac': 10333, 'nakes': 10334, 'shatter': 10335, 'observe': 10336, 'youngsters': 10337, '8mm': 10338, 'pumper': 10339, 'gripping': 10340, 'entertainig': 10341, 'downfalls': 10342, 'purposly': 10343, 'curiosity': 10344, 'hammer': 10345, 'amaxzon': 10346, 'shakey': 10347, '30yr': 10348, 'grrrrrrreeeeeeeeaaaaaattttttt': 10349, 'leapfrog': 10350, 'programmer': 10351, 'stepkids': 10352, 'witnessed': 10353, 'laminate': 10354, 'allotted': 10355, 'connectors': 10356, 'shelves': 10357, 'guppies': 10358, 'headstart': 10359, 'endure': 10360, 'boredom': 10361, 'didon': 10362, 'maui': 10363, 'expectationin': 10364, 'solving': 10365, 'advertisment': 10366, 'pedro': 10367, 'enlargable': 10368, 'transportations': 10369, 'galapagos': 10370, 'bookbetter': 10371, 'forsure': 10372, 'occult': 10373, 'counterparts': 10374, 'expunged': 10375, 'projected': 10376, 'thirds': 10377, 'realistically': 10378, 'recommenf': 10379, 'lightvery': 10380, 'paprewhite': 10381, 'fluctuation': 10382, '212ppi': 10383, 'jagged': 10384, 'dimness': 10385, 'doooooomed': 10386, 'argument': 10387, 'proportions': 10388, 'nudged': 10389, 'outgoing': 10390, 'offbrand': 10391, 'tl': 10392, 'garmin': 10393, 'ymmv': 10394, 'maze': 10395, 'runner': 10396, 'actively': 10397, 'inperfections': 10398, 'pariah': 10399, 'previoulsy': 10400, 'kindl': 10401, 'lightingweight': 10402, 'exquisite': 10403, 'shockingly': 10404, 'atlas': 10405, 'shrugged': 10406, 'furthest': 10407, 'reopen': 10408, '191': 10409, 'license': 10410, 'rebuy': 10411, 'suppos': 10412, 'wrk': 10413, 'shifts': 10414, 'lifeless': 10415, 'execellent': 10416, 'metro': 10417, 'commuters': 10418, 'riders': 10419, 'hardcovers': 10420, 'consequence': 10421, 'gpad': 10422, 'untimely': 10423, 'beam': 10424, 'optimistic': 10425, 'excite': 10426, 'dudes': 10427, 'linger': 10428, 'poetry': 10429, 'rocketfish': 10430, 'appetite': 10431, 'lightened': 10432, 'struck': 10433, 'disraction': 10434, 'motorcylce': 10435, 'fellas': 10436, 'ole': 10437, 'everywhereperfect': 10438, 'dusk': 10439, 'detects': 10440, 'shady': 10441, 'shelp': 10442, 'darkest': 10443, 'electr': 10444, 'nico': 10445, 'pr': 10446, 'ctico': 10447, 'somwthing': 10448, 'thoughtnwould': 10449, 'sceeen': 10450, 'resuming': 10451, 'campus': 10452, 'readr': 10453, 'complemented': 10454, 'tt': 10455, 'preliminary': 10456, 'whiletraveling': 10457, 'pregnancy': 10458, 'breast': 10459, 'feeding': 10460, 'thisbinsteadbof': 10461, 'stabilization': 10462, 'migrating': 10463, 'bestkindle': 10464, 'nookbattery': 10465, 'ligth': 10466, 'frature': 10467, 'staring': 10468, 'tome': 10469, 'debate': 10470, 'arsenal': 10471, 'appealed': 10472, 'forsook': 10473, 'dispatched': 10474, 'parter': 10475, 'minimized': 10476, 'and1st': 10477, 'shareware': 10478, 'converters': 10479, 'offshore': 10480, 'iteration': 10481, 'damp': 10482, 'wrinkled': 10483, 'sunscreen': 10484, 'icky': 10485, 'greta': 10486, 'tk': 10487, 'bix': 10488, 'contemplation': 10489, 'excepted': 10490, 'express': 10491, 'abnormal': 10492, 'import': 10493, 'instapaper': 10494, 'dismiss': 10495, 'bashing': 10496, '9000': 10497, 'finnally': 10498, 'helful': 10499, 'readno': 10500, 'strainlong': 10501, 'lifesimple': 10502, 'useinterfaces': 10503, 'computernot': 10504, 'browsingvery': 10505, 'ergonomiclightweightsturdy': 10506, 'diid': 10507, 'ebookwhich': 10508, 'stimulating': 10509, 'hardbound': 10510, 'xray': 10511, 'brightnesses': 10512, '9hours': 10513, 'wiped': 10514, 'oils': 10515, 'prevoius': 10516, 'differencemuch': 10517, 'paperwhiye': 10518, 'challange': 10519, 'paperbook': 10520, 'believing': 10521, 'paperwight': 10522, 'nysecond': 10523, 'wihite': 10524, 'abook': 10525, 'cheapo': 10526, 'underlines': 10527, 'whoever': 10528, 'suiting': 10529, 'barnesand': 10530, 'warms': 10531, 'sprang': 10532, 'techshe': 10533, 'heaver': 10534, 'lefty': 10535, 'righty': 10536, 'l8ght': 10537, 'eldery': 10538, 'ignores': 10539, 'goto': 10540, 'librarian': 10541, 'shd': 10542, 'superbowl': 10543, 'snacks': 10544, 'beverages': 10545, 'swiped': 10546, 'acquire': 10547, 'vulnerable': 10548, 'hadnt': 10549, 'appproslight': 10550, 'weightsmall': 10551, 'purseback': 10552, 'lightcons1': 10553, 'ads2': 10554, 'store3': 10555, 'simple4': 10556, 'other5': 10557, 'anything6': 10558, 'juggle': 10559, 'migrated': 10560, '1200': 10561, 'carting': 10562, 'lamplight': 10563, 'astronomical': 10564, 'technnology': 10565, 'definalty': 10566, 'smudgy': 10567, 'parcel': 10568, 'prolonged': 10569, 'suppression': 10570, 'enamored': 10571, 'briught': 10572, 'connivence': 10573, 'imitates': 10574, 'frickin': 10575, 'devote': 10576, 'waffling': 10577, 'commitment': 10578, 'strained': 10579, 'smokey': 10580, 'reversing': 10581, 'purchse': 10582, 'ong': 10583, 'envy': 10584, 'adores': 10585, 'leaked': 10586, 'pawnshop': 10587, 'paprrwjite': 10588, 'synching': 10589, 'cheeky': 10590, 'enjoyments': 10591, 'alphabetizing': 10592, 'infrequently': 10593, 'dedication': 10594, 'tempted': 10595, 'originalkindle': 10596, 'quailty': 10597, 'creaks': 10598, 'persists': 10599, 'unexpectedly': 10600, 'purely': 10601, 'bibliophile': 10602, 'obsolutely': 10603, 'glarefree': 10604, 'aholic': 10605, 'backordered': 10606, 'extending': 10607, 'originial': 10608, 'backlid': 10609, 'dyslexics': 10610, 'helvetica': 10611, 'annotating': 10612, 'murder': 10613, 'itty': 10614, 'bitty': 10615, 'maneurving': 10616, 'renditions': 10617, 'abound': 10618, 'displeased': 10619, 'quadrupled': 10620, 'haul': 10621, 'oniy': 10622, 'dale': 10623, '6hr': 10624, 'stretches': 10625, 'municipal': 10626, 'ryes': 10627, 'wihich': 10628, 'typefaces': 10629, 'illuminate': 10630, 'bookie': 10631, 'suffering': 10632, 'paparwhite': 10633, 'akers': 10634, 'sandpfoof': 10635, 'maneuvering': 10636, 'departments': 10637, 'itc': 10638, 'synk': 10639, 'llight': 10640, 'subdued': 10641, 'shadings': 10642, 'lightwieght': 10643, 'backllit': 10644, 'paging': 10645, 'myth': 10646, 'masters': 10647, 'spindle': 10648, 'dwindle': 10649, 'opendyslexic': 10650, 'applauded': 10651, 'b00oqvzdjm': 10652, 'carta': 10653, 'epaper': 10654, 'notbing': 10655, '1400': 10656, 'giftee': 10657, 'advent': 10658, 'replicates': 10659, 'wikis': 10660, 'zones': 10661, 'contrary': 10662, 'defines': 10663, 'ooks': 10664, 'kindlepaper': 10665, 'dissappointing': 10666, 'divorce': 10667, 'shaft': 10668, 'inverse': 10669, 'retains': 10670, 'stressing': 10671, 'amat': 10672, 'cringed': 10673, 'accomplishment': 10674, 'danger': 10675, 'gripes': 10676, 'brilliantly': 10677, 'penalize': 10678, 'booksvia': 10679, 'andthe': 10680, 'readinstructions': 10681, 'litghting': 10682, 'emits': 10683, 'kinder': 10684, 'defining': 10685, 'inference': 10686, 'propose': 10687, 'purposeful': 10688, 'foregone': 10689, 'magnify': 10690, 'kinlde': 10691, 'compacy': 10692, 'vintage': 10693, 'cheeper': 10694, 'implies': 10695, 'disappointingly': 10696, 'lightweright': 10697, 'readale': 10698, 'shinning': 10699, 'envelop': 10700, 'substitution': 10701, 'pocketbooks': 10702, 'orpaperback': 10703, 'prayers': 10704, 'eyeglasses': 10705, 'focusing': 10706, 'worthiness': 10707, 'okjust': 10708, 'okhate': 10709, 'screennot': 10710, 'averaged': 10711, 'instore': 10712, 'correlate': 10713, 'piled': 10714, 'tucking': 10715, 'dependant': 10716, 'assault': 10717, 'phobe': 10718, 'concentrated': 10719, 'sunroom': 10720, 'vox': 10721, 'naples': 10722, 'bartering': 10723, 'retrospect': 10724, 'scree': 10725, 'bookworms': 10726, 'glance': 10727, 'whispernet': 10728, 'confortable': 10729, 'mindset': 10730, 'citation': 10731, 'decade': 10732, 'life2': 10733, 'clarity3': 10734, 'circumstances4': 10735, '1005': 10736, 'document6': 10737, 'weightbelieve': 10738, 'oneself': 10739, 'coach': 10740, 'simulating': 10741, 'newfound': 10742, 'bookaholic': 10743, 'relieve': 10744, 'ma': 10745, 'decree': 10746, 'increditable': 10747, 'alleviates': 10748, 'microusb': 10749, 'orginall': 10750, '85yr': 10751, 'unaffected': 10752, 'brushing': 10753, 'backpocket': 10754, 'seating': 10755, 'stressful': 10756, 'observations': 10757, 'varies': 10758, 'fumble': 10759, 'condense': 10760, 'gestures': 10761, 'attachable': 10762, 'gripper': 10763, 'comparative': 10764, 'eases': 10765, 'teamkindlepaperwhite': 10766, 'oerfect': 10767, 'nonsense': 10768, 'sned': 10769, 'aggravated': 10770, 'amazinged': 10771, 'tomes': 10772, 'squeezed': 10773, 'shutterfly': 10774, 'complimented': 10775, 'vvery': 10776, 'aprice': 10777, 'afforadable': 10778, 'lightweightness': 10779, 'paperwhiite': 10780, 'brooks': 10781, 'emergence': 10782, 'leaks': 10783, 'emerging': 10784, 'pinhole': 10785, 'speck': 10786, 'surrendering': 10787, 'towers': 10788, 'tunnels': 10789, 'tolerate': 10790, 'veritable': 10791, 'overwhelmingly': 10792, 'continuation': 10793, 'erratic': 10794, 'pitched': 10795, 'tester': 10796, 'cargo': 10797, 'shorts': 10798, 'outweighed': 10799, 'fliers': 10800, 'beachbag': 10801, 'constructive': 10802, 'feelings': 10803, 'owing': 10804, 'bibliography': 10805, 'worrisome': 10806, 'sour': 10807, 'river': 10808, 'indicate': 10809, 'explanation': 10810, 'conclusions': 10811, 'gloss': 10812, 'kndle': 10813, 'magnifying': 10814, 'rumored': 10815, 'fictions': 10816, 'refreshing': 10817, 'discomfort': 10818, 'bookwork': 10819, 'outlast': 10820, 'hoarding': 10821, 'wouls': 10822, 'gunslinger': 10823, 'midnight': 10824, 'prtability': 10825, 'magnified': 10826, 'paperwork': 10827, 'goodbuy': 10828, 'subscribes': 10829, 'publications': 10830, 'disappears': 10831, 'disallows': 10832, 'manipulating': 10833, 'hero': 10834, 'duration': 10835, 'kindlewhites': 10836, 'purposefully': 10837, 'lifespan': 10838, 'aide': 10839, 'squinting': 10840, '06': 10841, 'kinkle': 10842, 'rhis': 10843, 'wrists': 10844, 'hasatate': 10845, 'destruct': 10846, 'washes': 10847, 'fantactic': 10848, 'granularity': 10849, 'inhibits': 10850, 'backloght': 10851, 'inception': 10852, 'agile': 10853, 'mysteriously': 10854, 'bahamas': 10855, 'bald': 10856, 'kindall': 10857, 'kimball': 10858, 'easytocarry': 10859, 'jaggies': 10860, 'moreover': 10861, 'handier': 10862, 'gained': 10863, 'achieves': 10864, 'copied': 10865, 'soooooooooo': 10866, 'critics': 10867, 'fruity': 10868, 'trainer': 10869, 'decission': 10870, 'gobbled': 10871, 'conserve': 10872, 'squeaking': 10873, 'overwhelmed': 10874, 'convoluted': 10875, 'sprung': 10876, 'curled': 10877, 'recipies': 10878, 'kindie': 10879, 'resisting': 10880, 'crisply': 10881, 'peperwhite': 10882, 'maintaining': 10883, 'selective': 10884, 'span': 10885, 'disgusted': 10886, 'evidently': 10887, 'comforatble': 10888, 'withyour': 10889, 'finance': 10890, 'referenced': 10891, 'quote': 10892, 'expirience': 10893, 'bricking': 10894, 'beige': 10895, 'dyslexia': 10896, 'contrasts': 10897, 'fenomenal': 10898, 'copyrights': 10899, 'alread': 10900, 'scenario': 10901, 'stepmother': 10902, 'feasible': 10903, 'circumstances': 10904, 'bookmarking': 10905, 'thekindle': 10906, 'joband': 10907, 'flippable': 10908, 'contemplated': 10909, 'philsophy': 10910, 'government': 10911, 'lowlight': 10912, 'toothbrush': 10913, 'aready': 10914, 'softly': 10915, 'gosh': 10916, 'purist': 10917, 'alurek': 10918, 'devoured': 10919, 'cured': 10920, 'lifewould': 10921, 'outweigh': 10922, 'goodwas': 10923, 'touchable': 10924, 'diestraftions': 10925, 'custumer': 10926, 'seein': 10927, 'goad': 10928, 'ican': 10929, 'diffuses': 10930, 'ju': 10931, 'healing': 10932, 'readand': 10933, 'recommeded': 10934, 'backlite': 10935, 'achy': 10936, 'glitter': 10937, 'technologies': 10938, 'rader': 10939, 'shoved': 10940, 'fantasticly': 10941, 'uc': 10942, 'irvine': 10943, 'dooper': 10944, 'yourbedmate': 10945, 'cartridges': 10946, 'labeling': 10947, 'syllabus': 10948, 'registers': 10949, 'vovage': 10950, 'blackvery': 10951, 'reliabe': 10952, 'gliches': 10953, 'retire': 10954, 'impressions': 10955, 'usefult': 10956, 'incompatibility': 10957, 'wonderfui': 10958, 'discribed': 10959, 'dominican': 10960, 'rebublic': 10961, 'missionaries': 10962, 'mondays': 10963, 'chill': 10964, 'thins': 10965, 'paperwhits': 10966, 'graders': 10967, 'dummy': 10968, 'bdu': 10969, 'transitioned': 10970, 'unneeded': 10971, 'nonglare': 10972, 'duplicate': 10973, 'resd': 10974, 'schhool': 10975, 'backpighting': 10976, 'nitch': 10977, 'talbets': 10978, 'grudgingly': 10979, 'ebooker': 10980, 'werr': 10981, 'ths': 10982, 'arounnd': 10983, 'carringing': 10984, 'coloured': 10985, 'leggy': 10986, 'moe': 10987, 'bednot': 10988, 'corresponding': 10989, 'tidy': 10990, 'toughing': 10991, '8y': 10992, 'mitigate': 10993, 'catastrophic': 10994, 'tjis': 10995, 'efficacy': 10996, 'humbly': 10997, 'recap': 10998, 'enlarges': 10999, 'resize': 11000, 'seattle': 11001, 'pinging': 11002, 'turners': 11003, 'shud': 11004, 'upcharge': 11005, 'specialties': 11006, 'royce': 11007, 'sticked': 11008, 'gloves': 11009, 'pannier': 11010, 'exactlo': 11011, 'cadillac': 11012, 'distinctive': 11013, 'avaiailable': 11014, 'distracts': 11015, 'consult': 11016, 'situ': 11017, 'disrupts': 11018, 'covering': 11019, 'backlot': 11020, 'tinged': 11021, 'subjective': 11022, 'sued': 11023, 'gradient': 11024, 'visualize': 11025, 'pw1': 11026, 'quietly': 11027, 'hards': 11028, 'toldpeople': 11029, 'helium': 11030, 'adjuster': 11031, 'reimagined': 11032, 'bias': 11033, 'adoption': 11034, 'proposition': 11035, 'thhought': 11036, 'easliy': 11037, 'presume': 11038, 'reallllllllllllllllllllllllllllllllllllllllllllllly': 11039, 'flatness': 11040, 'qualify': 11041, 'dominance': 11042, 'hepatic': 11043, 'madman': 11044, 'honesty': 11045, 'whip': 11046, 'qa': 11047, 'agents': 11048, 'facedown': 11049, 'tilted': 11050, 'lid': 11051, 'luddite': 11052, 'ttry': 11053, 'batterry': 11054, 'kindle4nt': 11055, '4t': 11056, 'hep': 11057, 'pending': 11058, 'screencons': 11059, 'frustratingwith': 11060, 'studio': 11061, 'tackle': 11062, 'kitty': 11063, 'borders': 11064, 'sulight': 11065, 'stupendous': 11066, 'journals': 11067, 'navigated': 11068, 'vertically': 11069, 'horizontally': 11070, 'flew': 11071, 'bearable': 11072, 'taxes': 11073, 'georgia': 11074, 'qualifying': 11075, 'perfected': 11076, 'minors': 11077, 'paris': 11078, 'pol': 11079, 'thelarge': 11080, 'ofmaking': 11081, 'havefound': 11082, 'buyhas': 11083, 'thestore': 11084, 'passion': 11085, 'aura': 11086, 'detachment': 11087, 'hy': 11088, 'indigenous': 11089, 'utilizes': 11090, 'girth': 11091, 'frankfort': 11092, 'boundbook': 11093, 'receipent': 11094, 'duck': 11095, 'dispose': 11096, 'sellers': 11097, 'defunct': 11098, 'disassembling': 11099, 'crimp': 11100, 'rhyme': 11101, 'anywhereview': 11102, 'brightens': 11103, 'voraciously': 11104, 'aquired': 11105, 'browny': 11106, 'woods': 11107, 'costliest': 11108, 'liquid': 11109, 'lightlove': 11110, 'simp': 11111, 'archive': 11112, 'breakcons': 11113, 'thingredients': 11114, 'mandates': 11115, 'interfaceneeds': 11116, 'remarked': 11117, 'dirtying': 11118, 'addresses': 11119, 'binged': 11120, 'transportability': 11121, 'freight': 11122, 'pw3': 11123, 'crumb': 11124, 'catcher': 11125, 'distressed': 11126, 'dallas': 11127, 'variations': 11128, 'jesus': 11129, 'christ': 11130, 'nazareth': 11131, 'voyages': 11132, 'dip': 11133, 'spills': 11134, 'fluidity': 11135, 'proponent': 11136, 'sadness': 11137, 'conform': 11138, 'blackscreen': 11139, 'september': 11140, 'warentee': 11141, 'orangeish': 11142, 'blueish': 11143, 'mighty': 11144, 'copperish': 11145, 'toned': 11146, 'prettymuch': 11147, 'noe': 11148, 'littlebit': 11149, 'ipadmini': 11150, 'air2': 11151, 'buttton': 11152, 'aweseome': 11153, 'diagram': 11154, 'pagesif': 11155, 'stockpiling': 11156, 'conistent': 11157, 'baggie': 11158, 'andy': 11159, 'satistfy': 11160, '6weeks': 11161, '3weeks': 11162, 'wandering': 11163, 'jackpot': 11164, 'depleted': 11165, 'disliking': 11166, 'produ': 11167, 'ct': 11168, 'freind': 11169, 'rewinds': 11170, 'irresistible': 11171, 'ultraportable': 11172, 'inc': 11173, 'b004y1wcde': 11174, 'bikerider': 11175, 'pricerange': 11176, 'usefulnot': 11177, 'preface': 11178, 'dragon': 11179, 'tattoo': 11180, 'brave': 11181, 'hunger': 11182, 'trilogy': 11183, 'divergent': 11184, 'hindered': 11185, 'dive': 11186, 'inspire': 11187, 'youd': 11188, 'sundry': 11189, 'logistical': 11190, 'attractions': 11191, 'accumulative': 11192, 'creeping': 11193, 'remained': 11194, 'glacial': 11195, 'consensus': 11196, 'flakey': 11197, 'coroporate': 11198, 'hermetically': 11199, '2005': 11200, '2007': 11201, 'itso': 11202, 'disperses': 11203, 'funcion': 11204, 'aims': 11205, '000s': 11206, 'particulary': 11207, '212': 11208, '1292': 11209, '2093': 11210, 'voyger': 11211, '219': 11212, '400so': 11213, '1ghz': 11214, 'slicker': 11215, 'presentation': 11216, '26g': 11217, 'softens': 11218, 'ave': 11219, 'connectionpersonally': 11220, 'papwerwhite': 11221, 'reada': 11222, 'azw3': 11223, 'azw': 11224, 'txt': 11225, 'unprotected': 11226, 'prc': 11227, 'jpeg': 11228, 'gif': 11229, 'png': 11230, 'bmp': 11231, 'conversionq': 11232, 'formata': 11233, 'um0teoar6zw': 11234, 'simples': 11235, 'wella': 11236, 'booka': 11237, 'sizea': 11238, 'tastesq': 11239, 'childrena': 11240, 'familyq': 11241, 'beda': 11242, 'onq': 11243, 'availablea': 11244, 'copyright': 11245, 'lasta': 11246, 'deviceq': 11247, 'chargea': 11248, 'hoursq': 11249, 'holda': 11250, 'youve': 11251, 'elsea': 11252, 'sew': 11253, 'trough': 11254, 'bookstores': 11255, 'vraiment': 11256, 'bon': 11257, 'petit': 11258, 'appareil': 11259, 'lger': 11260, 'facile': 11261, 'emploij': 11262, 'hte': 11263, 'servir': 11264, 'plages': 11265, 'cet': 11266, 'hiverbelle': 11267, 'bibliothque': 11268, 'disponiblesbon': 11269, 'achat': 11270, 'bref': 11271, 'trs': 11272, 'heureux': 11273, 'soient': 11274, 'aprs': 11275, 'tre': 11276, 'fait': 11277, 'voler': 11278, 'est': 11279, 'bien': 11280, 'pouvoir': 11281, 'retrouver': 11282, 'tous': 11283, 'mes': 11284, 'avec': 11285, 'toutes': 11286, 'j': 11287, 'avais': 11288, 'persisted': 11289, 'creature': 11290, 'immersed': 11291, 'wildly': 11292, 'indulgence': 11293, 'uk': 11294, 'jurisdiction': 11295, 'wrongthank': 11296, 'weeksi': 11297, 'buybuyby': 11298, 'electrnico': 11299, 'prctico': 11300, 'jul': 11301, 'loging': 11302, 'meanwhile': 11303, 'moko': 11304, 'kf8': 11305, 'elk': 11306, 'grove': 11307, 'surcharges': 11308, 'bby01': 11309, '800223005180': 11310, 'ocasional': 11311, 'litterate': 11312, 'althought': 11313, 'rugrat': 11314, 'fashionable': 11315, 'woul': 11316, 'peoplenet': 11317, 'assessible': 11318, 'deceased': 11319, 'otoh': 11320, 'offended': 11321, 'mature': 11322, 'homescreen': 11323, 'competitions': 11324, 'boomer': 11325, 'catechism': 11326, 'faded': 11327, 'unwillingness': 11328, 'fingertip': 11329, 'beacuse': 11330, 'deems': 11331, 'pretense': 11332, 'nordic': 11333, 'hipsters': 11334, 'tryout': 11335, '12gb': 11336, 'unibody': 11337, 'urging': 11338, 'tea': 11339, 'installedcons': 11340, 'gamesnot': 11341, 'upgradeslove': 11342, 'corrupted': 11343, 'refurbishment': 11344, 'xs': 11345, 'stupidly': 11346, 'dts': 11347, 'stare': 11348, 'cycled': 11349, 'showbox': 11350, 'sideclick': 11351, 'wellallows': 11352, 'installationmuch': 11353, 'tvallows': 11354, 'notcons': 11355, 'tvremote': 11356, 'controlsremote': 11357, 'resale': 11358, 'dl': 11359, 'referral': 11360, 'quickest': 11361, 'jub': 11362, 'molasses': 11363, 'proportion': 11364, 'trevmoned': 11365, 'onside': 11366, 'insts': 11367, 'wirelees': 11368, 'investigative': 11369, 'disclaimer': 11370, 'roars': 11371, 'replenish': 11372, 'scoff': 11373, 'failures': 11374, 'warrenty': 11375, 'ithas': 11376, 'leverage': 11377, 'weathered': 11378, 'conveint': 11379, 'pm': 11380, 'tucks': 11381, 'nreices': 11382, 'wondeful': 11383, 'prurple': 11384, 'anoid': 11385, 'usablity': 11386, 'trusting': 11387, 'durabale': 11388, 'proficiency': 11389, 'tab2': 11390, 'billed': 11391, 'craftsmanship': 11392, 'sero': 11393, 'youngins': 11394, 'economically': 11395, 'locating': 11396, 'rehearsal': 11397, 'convent': 11398, 'brochure': 11399, 'bloxels': 11400, 'grandnephew': 11401, 'barney': 11402, 'confuse': 11403, '10t': 11404, 'putchase': 11405, 'litte': 11406, 'wo': 11407, 'freedoms': 11408, 'squirly': 11409, 'fuego': 11410, 'delicious': 11411, 'oatmeal': 11412, 'usecons': 11413, 'busybody': 11414, 'uncomplicated': 11415, '2107': 11416, 'wil': 11417, 'stealing': 11418, 'theyit': 11419, 'featuresdon': 11420, 'adage': 11421, 'america': 11422, 'sa': 11423, 'tabletthat': 11424, 'unannounced': 11425, 'deteriorates': 11426, 'li': 11427, 'tabler': 11428, 'reactive': 11429, 'teachers': 11430, 'photograher': 11431, '680': 11432, 'wrko': 11433, 'vb': 11434, 'john': 11435, 'smith': 11436, 'applience': 11437, 'whereever': 11438, 'lenghty': 11439, 'funniest': 11440, 'shortest': 11441, 'discipline': 11442, 'liights': 11443, 'gargae': 11444, 'invite': 11445, 'discreetly': 11446, 'secondvalexa': 11447, 'sirii': 11448, 'nsc': 11449, 'plant': 11450, 'authorities': 11451, 'happenings': 11452, 'abode': 11453, 'retrieving': 11454, 'previews': 11455, 'imitation': 11456, 'supera': 11457, 'allowable': 11458, 'itnow': 11459, 'spoil': 11460, 'synonyms': 11461, 'antonyms': 11462, 'fruition': 11463, 'technoilogy': 11464, 'haiku': 11465, 'cools': 11466, 'denver': 11467, 'broncos': 11468, 'marsala': 11469, 'gag': 11470, 'perfume': 11471, 'tablespoons': 11472, 'liter': 11473, 'sills': 11474, 'amplify': 11475, 'naps': 11476, 'toying': 11477, 'simplifying': 11478, 'smartmode': 11479, 'vivant': 11480, 'bakes': 11481, 'divices': 11482, 'rv': 11483, 'bake': 11484, 'cumulus': 11485, 'clouds': 11486, 'pricinr': 11487, 'recongination': 11488, 'townhouse': 11489, 'lovethe': 11490, '0ff': 11491, 'residence': 11492, 'accurrate': 11493, 'protest': 11494, 'populates': 11495, 'spins': 11496, 'summoning': 11497, 'calibrate': 11498, 'tred': 11499, 'investigating': 11500, 'getying': 11501, 'mudic': 11502, 'dotsgreat': 11503, 'shake': 11504, 'uo': 11505, 'tor': 11506, 'definitly': 11507, 'muffled': 11508, 'askin': 11509, 'barcelona': 11510, 'lole': 11511, 'sp': 11512, 'gooooood': 11513, 'medication': 11514, 'algorithm': 11515, 'sweetheart': 11516, 'peripherals': 11517, 'syste': 11518, 'confess': 11519, 'raspberry': 11520, 'pi': 11521, 'forgave': 11522, 'capabiliies': 11523, 'controled': 11524, 'hsnds': 11525, 'sloppy': 11526, 'googlehome': 11527, 'amaxing': 11528, 'compalibility': 11529, 'shed': 11530, 'irs': 11531, 'multiply': 11532, 'subtract': 11533, 'myriad': 11534, 'inaudible': 11535, 'overrated': 11536, 'sever': 11537, 'thermometer': 11538, 'toes': 11539, 'uttered': 11540, 'taxing': 11541, 'amuses': 11542, 'revolving': 11543, 'stab': 11544, 'swayed': 11545, 'descriptive': 11546, 'feathures': 11547, 'answeri': 11548, 'enoys': 11549, 'veing': 11550, 'driveway': 11551, 'distinct': 11552, 'advertisedsound': 11553, 'jams': 11554, 'sweater': 11555, 'taker': 11556, 'shehelps': 11557, 'ofmy': 11558, 'weatger': 11559, 'expedited': 11560, 'logitec': 11561, 'indexing': 11562, 'br': 11563, 'lr': 11564, 'ow': 11565, 'iffft': 11566, 'radioandpod': 11567, 'asss': 11568, 'aides': 11569, 'ubers': 11570, 'undiscovered': 11571, 'havoc': 11572, '25mgb': 11573, 'spottily': 11574, 'perineum': 11575, 'orbit': 11576, 'bhyve': 11577, 'advancements': 11578, 'thatyou': 11579, 'showtimes': 11580, 'gate': 11581, 'personable': 11582, 'echodot': 11583, 'cabt': 11584, 'reporters': 11585, 'stellar': 11586, 'unto': 11587, 'inseon': 11588, 'orally': 11589, 'catalogue': 11590, '4stars': 11591, 'evenin': 11592, 'sixties': 11593, 'harman': 11594, 'kardon': 11595, 'onyx': 11596, 'succeeded': 11597, 'tidbits': 11598, 'jepordy': 11599, 'intranet': 11600, 'auditory': 11601, 'howling': 11602, 'arch': 11603, 'obeyed': 11604, 'hoo': 11605, 'eager': 11606, 'ismartalarm': 11607, 'kevin': 11608, 'spacey': 11609, 'macaw': 11610, 'blues': 11611, 'peice': 11612, 'eqiptment': 11613, 'sunrise': 11614, 'sunset': 11615, 'initiating': 11616, 'proving': 11617, 'revelry': 11618, 'ecco': 11619, 'rhougjt': 11620, 'innovating': 11621, 'sre': 11622, 'mire': 11623, 'enthusiasm': 11624, 'trees': 11625, 'verse': 11626, 'specialty': 11627, 'obstinate': 11628, 'thatis': 11629, 'whispered': 11630, 'authomation': 11631, 'synchs': 11632, 'hsve': 11633, 'rundown': 11634, 'componets': 11635, 'partners': 11636, 'downey': 11637, 'california': 11638, 'irritation': 11639, 'intercoms': 11640, 'accomplishing': 11641, 'energysmart': 11642, 'lowes': 11643, '612026': 11644, '691121': 11645, 'smash': 11646, 'eill': 11647, 'cofee': 11648, 'qith': 11649, 'gens': 11650, 'suri': 11651, 'designer': 11652, 'identically': 11653, 'afterbeing': 11654, '05': 11655, 'asmaking': 11656, 'thermastat': 11657, 'intergration': 11658, 'forme': 11659, 'temosta': 11660, 'expecxted': 11661, 'wrecks': 11662, 'gun': 11663, 'merchant': 11664, 'elexa': 11665, 'demands': 11666, 'favs': 11667, 'covenant': 11668, 'tempature': 11669, 'undoubtedly': 11670, 'housecleaning': 11671, 'answe': 11672, 'calories': 11673, 'tart': 11674, 'calculating': 11675, 'shoping': 11676, 'multifunctional': 11677, 'diownload': 11678, 'inaccessible': 11679, 'aver': 11680, 'improtant': 11681, 'deivce': 11682, 'inter': 11683, 'blended': 11684, 'denon': 11685, '123': 11686, 'lisp': 11687, 'thisome': 11688, 'speechless': 11689, 'posibilities': 11690, 'ford': 11691, 'credenza': 11692, 'entries': 11693, 'ourchase': 11694, 'announcements': 11695, 'wy': 11696, 'sonfor': 11697, 'zigbee': 11698, 'summarize': 11699, 'bodies': 11700, 'wright': 11701, 'alaxa': 11702, 'architect': 11703, 'backgound': 11704, 'denied': 11705, 'tracker': 11706, 'hymn': 11707, 'religious': 11708, 'memorized': 11709, 'misunderstood': 11710, 'witnessing': 11711, 'transmitted': 11712, 'comms': 11713, 'sthe': 11714, '3500': 11715, 'detection': 11716, 'decreasing': 11717, 'automations': 11718, 'experimentation': 11719, 'hahahahahahahhahahahahahahahhaha': 11720, 'wholee': 11721, 'nasa': 11722, 'appellate': 11723, 'fairest': 11724, 'talents': 11725, 'dubai': 11726, 'thailand': 11727, 'cara': 11728, 'boston': 11729, 'shuttle': 11730, 'blanket': 11731, '80th': 11732, 'presences': 11733, 'smoke': 11734, 'ocean': 11735, 'foundation': 11736, 'dictates': 11737, 'bette': 11738, 'superbly': 11739, 'amy': 11740, 'loudest': 11741, 'rap': 11742, 'informationtimers': 11743, 'dismissed': 11744, 'industrial': 11745, 'blend': 11746, 'formula': 11747, 'sparse': 11748, 'inconsistent': 11749, 'thi': 11750, 'military': 11751, 'pac': 11752, 'eastern': 11753, 'iiiiiiiiiiiiiiiiiiiiiiiiiiiiiiii': 11754, 'exhausting': 11755, 'nominal': 11756, 'caregivers': 11757, 'auction': 11758, 'sought': 11759, 'bided': 11760, 'reachable': 11761, 'assistive': 11762, 'usefulfeatures': 11763, 'extemely': 11764, 'wag': 11765, 'heartily': 11766, 'vested': 11767, 'objects': 11768, 'collectible': 11769, 'moto': 11770, 'dysfunctional': 11771, 'stumble': 11772, 'geological': 11773, 'potshot': 11774, 'calculate': 11775, 'baffled': 11776, 'pills': 11777, 'seeming': 11778, 'overdramatized': 11779, 'underpriced': 11780, 'amaxon': 11781, 'hmmmmm': 11782, 'annticapated': 11783, 'phon': 11784, 'amnazon': 11785, 'breathtaking': 11786, 'bbc': 11787, 'ynab': 11788, 'countriesi': 11789, 'wasy': 11790, 'rum': 11791, 'tilts': 11792, 'unending': 11793, 'geographical': 11794, 'lightswish': 11795, 'shuffling': 11796, 'proceeds': 11797, 'arrogant': 11798, 'preselected': 11799, 'behaves': 11800, 'wands': 11801, 'vday': 11802, 'sono': 11803, 'dubaiwell': 11804, 'defintly': 11805, 'assitant': 11806, 'circular': 11807, 'helo': 11808, 'fascinates': 11809, 'lemon': 11810, 'ignored': 11811, 'canhelp': 11812, 'concisely': 11813, 'intelligently': 11814, 'spews': 11815, 'wand': 11816, 'enriched': 11817, 'enrich': 11818, 'furthermore': 11819, 'widow': 11820, 'western': 11821, 'trafic': 11822, 'ecchor': 11823, 'impomation': 11824, 'widest': 11825, 'brains': 11826, 'soup': 11827, 'smallfootprint': 11828, 'contril': 11829, 'jars': 11830, 'informayion': 11831, 'straightened': 11832, 'exercises': 11833, 'bollywood': 11834, 'michigan': 11835, 'usa': 11836, 'mumbai': 11837, 'cert': 11838, 'millionaire': 11839, 'issuing': 11840, 'wint': 11841, 'hummingbirds': 11842, 'anticipation': 11843, 'impending': 11844, 'precede': 11845, 'wrongly': 11846, 'angeles': 11847, 'mancave': 11848, 'dominoes': 11849, 'vader': 11850, 'helmet': 11851, 'smartify': 11852, 'caster': 11853, 'arlo': 11854, 'module': 11855, 'gizmos': 11856, 'forthcoming': 11857, 'productgoing': 11858, 'speakerworks': 11859, 'hubworks': 11860, 'plum': 11861, 'snatched': 11862, 'specified': 11863, 'lazier': 11864, 'alzheimers': 11865, 'dementia': 11866, 'medicine': 11867, 'spofity': 11868, 'trendy': 11869, 'exponentially': 11870, 'beatles': 11871, 'complements': 11872, 'weakness': 11873, 'thwe': 11874, 'reportsalso': 11875, 'recites': 11876, 'knob': 11877, 'syllable': 11878, 'soubd': 11879, 'setups': 11880, 'arcade': 11881, 'reminding': 11882, 'vemo': 11883, 'secondarily': 11884, 'upworks': 11885, 'awesomeno': 11886, 'boght': 11887, 'servings': 11888, 'arithmatic': 11889, 'bop': 11890, 'lebron': 11891, 'james': 11892, 'instantaneously': 11893, 'allegedly': 11894, 'unwind': 11895, 'grossly': 11896, 'serius': 11897, 'lever': 11898, 'joan': 11899, 'collins': 11900, 'acheivement': 11901, 'misinterprets': 11902, 'transparent': 11903, 'msuper': 11904, 'bub': 11905, 'teaspoons': 11906, 'nickel': 11907, 'deepy': 11908, 'barry': 11909, 'diller': 11910, 'richest': 11911, 'admits': 11912, 'executed': 11913, 'joneses': 11914, 'barrow': 11915, 'lasik': 11916, 'annunciate': 11917, 'mathematics': 11918, 'interprets': 11919, 'ge': 11920, 'conditioners': 11921, 'relates': 11922, 'herplay': 11923, 'leveraging': 11924, 'calculation': 11925, 'announce': 11926, 'insult': 11927, 'echonfrom': 11928, 'promoted': 11929, 'climate': 11930, 'lowe': 11931, 'ech': 11932, 'soumds': 11933, 'auidobooks': 11934, 'overviews': 11935, 'recaps': 11936, 'rationalize': 11937, 'napster': 11938, 'penetrate': 11939, 'ehco': 11940, 'metaphorical': 11941, 'spinal': 11942, 'injury': 11943, 'broadcasts': 11944, 'successfully': 11945, 'kentucky': 11946, 'wildcat': 11947, 'professionally': 11948, 'stimulation': 11949, 'unassisted': 11950, 'wwere': 11951, 'roommates': 11952, 'congitions': 11953, 'coking': 11954, 'housebound': 11955, 'growth': 11956, 'encouraging': 11957, 'doys': 11958, 'tlink': 11959, 'swiss': 11960, 'lifex': 11961, 'ceases': 11962, 'newsflash': 11963, 'hbr': 11964, 'currency': 11965, 'cincise': 11966, 'crestron': 11967, 'corney': 11968, 'coo': 11969, '1800': 11970, 'noticable': 11971, 'thermastats': 11972, 'loader': 11973, 'kludgy': 11974, 'enunciation': 11975, 'guitar': 11976, 'consolidates': 11977, 'prolly': 11978, 'ical': 11979, 'gauge': 11980, 'anecdotes': 11981, 'livinroom': 11982, 'lakers': 11983, 'decorated': 11984, 'exhaust': 11985, 'rhere': 11986, 'downplays': 11987, 'hats': 11988, '22nd': 11989, 'cleans': 11990, 'ciunter': 11991, 'innthe': 11992, 'aesthetic': 11993, 'ourvsed': 11994, 'simpliar': 11995, 'itll': 11996, 'verifications': 11997, 'salvador': 11998, 'ste': 11999, 'developes': 12000, 'jettsons': 12001, 'looove': 12002, 'prospect': 12003, 'unresponsiveness': 12004, 'snapshot': 12005, 'egg': 12006, 'carton': 12007, 'ffiend': 12008, 'controllong': 12009, 'petty': 12010, 'dungeons': 12011, 'dragons': 12012, 'algebra': 12013, 'aired': 12014, 'incidentaly': 12015, 'starwars': 12016, 'pleases': 12017, 'fuctions': 12018, 'betwee': 12019, 'honey': 12020, 'hus': 12021, 'automobile': 12022, 'revolutionize': 12023, 'jamming': 12024, 'centerpieces': 12025, 'worded': 12026, 'nyc': 12027, 'metric': 12028, 'rephrase': 12029, 'plate': 12030, 'imitations': 12031, 'questioned': 12032, 'quizzes': 12033, 'whisper': 12034, 'vloume': 12035, 'triva': 12036, 'unwraps': 12037, 'quantify': 12038, 'wemu': 12039, 'rtr': 12040, 'germ': 12041, 'aphobic': 12042, 'putz': 12043, '5stars': 12044, 'installable': 12045, 'romantic': 12046, 'mass': 12047, 'arctic': 12048, 'interpretation': 12049, 'pronunciations': 12050, 'hiwever': 12051, 'milk': 12052, 'tokd': 12053, 'wfi': 12054, 'packers': 12055, 'alea': 12056, 'toyota': 12057, 'measurement': 12058, 'automatons': 12059, 'wirhout': 12060, 'cist': 12061, 'ballgame': 12062, 'alltimes': 12063, 'grocerys': 12064, 'alessa': 12065, 'qualit': 12066, 'nonneed': 12067, 'worls': 12068, 'velop': 12069, 'diamond': 12070, 'terminology': 12071, 'sensi': 12072, 'littetly': 12073, 'debice': 12074, 'inquisitive': 12075, 'bantering': 12076, 'facinating': 12077, 'enlightening': 12078, 'yuh': 12079, 'lifelike': 12080, 'shipboard': 12081, 'nicked': 12082, 'echolettes': 12083, 'simpilar': 12084, 'infection': 12085, 'roof': 12086, 'smart5': 12087, 'addon': 12088, 'suckered': 12089, 'broadens': 12090, 'simplification': 12091, 'multiroom': 12092, 'somethings': 12093, 'ike': 12094, 'happerier': 12095, 'dean': 12096, 'martin': 12097, '2m': 12098, 'expections': 12099, 'grilling': 12100, 'simon': 12101, 'outlr': 12102, 'undeniably': 12103, 'slate': 12104, 'agoura': 12105, 'hills': 12106, 'pronounciation': 12107, 'renamed': 12108, 'neato': 12109, 'botvac': 12110, 'irrigation': 12111, 'meditations': 12112, 'lung': 12113, '1969': 12114, 'suppprt': 12115, 'disingenuous': 12116, 'detecting': 12117, 'x2': 12118, 'chatty': 12119, 'logical': 12120, 'satisfiedgood': 12121, 'prepping': 12122, 'attire': 12123, 'idecided': 12124, 'police': 12125, 'foo': 12126, 'fighters': 12127, 'zeppelin': 12128, 'jewelry': 12129, 'tng': 12130, 'funnest': 12131, 'ayer': 12132, 'fledgling': 12133, '18000': 12134, 'handsfreedom': 12135, 'dwelling': 12136, 'wellgreat': 12137, 'play1': 12138, '122': 12139, 'stoked': 12140, 'property': 12141, 'modtly': 12142, 'recomed': 12143, 'judi': 12144, 'rejected': 12145, 'mis': 12146, 'interpret': 12147, 'hesitantly': 12148, 'rewarding': 12149, 'adjoining': 12150, 'anwsers': 12151, 'updatesshe': 12152, 'yetlove': 12153, 'fahrenheit': 12154, 'celsius': 12155, 'perforrm': 12156, 'mathematical': 12157, 'unforeseen': 12158, 'leasing': 12159, 'acceries': 12160, 'disarm': 12161, 'diego': 12162, 'valley': 12163, 'offset': 12164, 'takeout': 12165, 'jeapordy': 12166, 'elarning': 12167, 'curates': 12168, 'toanyone': 12169, 'sirrius': 12170, 'satelite': 12171, 'lidten': 12172, 'lyric': 12173, 'friendley': 12174, 'paralyzed': 12175, 'roomba': 12176, 'tacos': 12177, 'facinated': 12178, 'helicopters': 12179, 'amizon': 12180, '2thumbs': 12181, 'miore': 12182, 'alt': 12183, 'nation': 12184, 'destination': 12185, 'movable': 12186, 'conditioning': 12187, 'bloom': 12188, 'formate': 12189, 'funtions': 12190, 'sinc': 12191, 'cups': 12192, 'quarts': 12193, 'unproductive': 12194, 'wheels': 12195, 'puchased': 12196, 'capabilties': 12197, 'bloomberg': 12198, 'reuters': 12199, 'concerning': 12200, 'quizzies': 12201, 'verb': 12202, 'setu': 12203, 'cynical': 12204, 'pump': 12205, 'profits': 12206, 'contributes': 12207, 'deny': 12208, 'adopting': 12209, 'uss': 12210, 'disconects': 12211, 'querys': 12212, 'shortfalls': 12213, 'floating': 12214, 'multiform': 12215, 'simultaneousso': 12216, 'ihart': 12217, 'ayou': 12218, 'insulted': 12219, 'trully': 12220, 'positioning': 12221, 'recomment': 12222, 'consistency': 12223, 'bases': 12224, 'aamazon': 12225, 'fitting': 12226, 'exceptions': 12227, 'respresented': 12228, 'bizarrely': 12229, 'artistgreat': 12230, 'rainstorm': 12231, 'soundtracks': 12232, 'polka': 12233, 'generas': 12234, 'polkas': 12235, 'unintuitive': 12236, 'megaboom': 12237, 'goods': 12238, 'friendhavi': 12239, 'myst': 12240, 'stil': 12241, 'bach': 12242, 'smarts': 12243, 'greeting': 12244, 'esoteric': 12245, 'decibel': 12246, 'gsuite': 12247, 'biz': 12248, 'freebie': 12249, 'tailor': 12250, 'withstanding': 12251, 'propensity': 12252, 'restocking': 12253, 'quantities': 12254, 'exhausted': 12255, 'progresses': 12256, 'omnidirectional': 12257, 'valuing': 12258, 'aficionado': 12259, 'miscellaneous': 12260, 'conspicuously': 12261, 'sidney': 12262, 'michelle': 12263, 'ialexa': 12264, 'gathered': 12265, 'row': 12266, 'consecutive': 12267, 'slecting': 12268, 'addedand': 12269, 'deivices': 12270, 'peoduct': 12271, 'documented': 12272, 'serive': 12273, 'qickly': 12274, 'interupting': 12275, 'istall': 12276, 'nerds': 12277, 'reliance': 12278, 'sinking': 12279, 'funnier': 12280, 'relaunch': 12281, 'twisting': 12282, 'querying': 12283, 'bruno': 12284, 'mars': 12285, 'phenomenon': 12286, 'townhome': 12287, 'puttering': 12288, 'naysayers': 12289, 'judge': 12290, 'firing': 12291, 'rightit': 12292, 'qiestions': 12293, 'acquiring': 12294, 'prieo': 12295, 'heavenly': 12296, 'misinterpretation': 12297, 'cardinal': 12298, 'engagements': 12299, 'inconsistency': 12300, 'carfull': 12301, 'genera': 12302, 'motorola': 12303, 'elected': 12304, 'phil': 12305, 'misorder': 12306, 'lowered': 12307, 'smug': 12308, 'selects': 12309, 'bella': 12310, 'anunciate': 12311, 'misinterpret': 12312, 'tempter': 12313, 'joked': 12314, 'comedy': 12315, 'cooling': 12316, 'devotion': 12317, 'medley': 12318, 'meals': 12319, 'pranks': 12320, 'vital': 12321, 'goof': 12322, 'delved': 12323, 'anwser': 12324, 'caseta': 12325, 'lolshe': 12326, 'rosie': 12327, 'inspiration': 12328, 'broader': 12329, 'excetera': 12330, 'fickle': 12331, 'uncertainty': 12332, 'controling': 12333, 'vocabs': 12334, 'query': 12335, 'historical': 12336, 'realised': 12337, 'ummmmmmm': 12338, 'wth': 12339, 'notify': 12340, 'paraplegic': 12341, 'unpacked': 12342, 'wuestions': 12343, 'standoff': 12344, 'statements': 12345, 'timerssets': 12346, 'warmth': 12347, 'coolness': 12348, 'keen': 12349, 'conservation': 12350, 'detected': 12351, 'pronounced': 12352, 'woke': 12353, 'kiddoes': 12354, 'everyboby': 12355, 'favoite': 12356, 'extreamly': 12357, 'ejoy': 12358, 'showroomevery': 12359, 'remarks': 12360, 'thermos': 12361, 'reconitiona': 12362, 'guestions': 12363, 'outlook': 12364, 'lites': 12365, 'mucheasy': 12366, 'blasts': 12367, 'discrete': 12368, 'casetta': 12369, 'und': 12370, 'reword': 12371, 'crosby': 12372, 'giftlistening': 12373, 'sil': 12374, 'tides': 12375, 'spontaneous': 12376, 'styling': 12377, 'cinnamon': 12378, 'underestimated': 12379, 't5o': 12380, 'lear4n': 12381, 'balky': 12382, 'bladerunner': 12383, 'luvit': 12384, 'myers': 12385, 'vinyl': 12386, 'likeabroken': 12387, 'tickled': 12388, 'wikimedia': 12389, 'aroud': 12390, 'shouting': 12391, '50lbs': 12392, 'cookie': 12393, 'unfold': 12394, 'brunsch': 12395, 'drawl': 12396, 'litle': 12397, 'towels': 12398, 'reap': 12399, 'appoint': 12400, 'thermo': 12401, 'sightseeing': 12402, 'machines': 12403, 'hectic': 12404, 'commanding': 12405, 'perimeter': 12406, 'vasr': 12407, 'purshased': 12408, 'undertake': 12409, 'tuesday': 12410, 'receivers': 12411, 'marantz': 12412, 'equalize': 12413, 'kasa': 12414, 'mesmerized': 12415, 'greetings': 12416, 'nixes': 12417, 'compatabile': 12418, 'pierce': 12419, 'catches': 12420, 'arbitrary': 12421, 'admission': 12422, 'director': 12423, 'deadbolts': 12424, 'temps': 12425, 'hookups': 12426, 'settles': 12427, 'featuring': 12428, 'fantastics': 12429, 'bow': 12430, 'woof': 12431, 'sigh': 12432, 'belief': 12433, 'widowed': 12434, 'literate': 12435, 'interractions': 12436, 'realtyusa': 12437, 'jacked': 12438, 'bleek': 12439, 'farfield': 12440, 'asr': 12441, 'faqs': 12442, 'argued': 12443, 'comletely': 12444, 'configuring': 12445, 'hopeful': 12446, 'upgreat': 12447, 'musicamazinggreat': 12448, 'casta': 12449, 'avaid': 12450, 'perview': 12451, 'exho': 12452, 'lunches': 12453, 'obeys': 12454, 'freaky': 12455, 'correcting': 12456, 'relayed': 12457, 'fareasy': 12458, 'understandentertaining': 12459, 'sin': 12460, 'wrestling': 12461, 'themone': 12462, 'uswe': 12463, 'startrek': 12464, 'smarthouse': 12465, 'bundles': 12466, 'cutit': 12467, 'yells': 12468, 'ithe': 12469, 'freestanding': 12470, 'joint': 12471, 'kirk': 12472, 'cues': 12473, 'cue': 12474, 'destinations': 12475, 'cocktail': 12476, 'gh': 12477, 'guft': 12478, 'everside': 12479, 'minimizing': 12480, 'competitively': 12481, 'computerized': 12482, 'unintelligible': 12483, 'composers': 12484, 'abruptly': 12485, 'singers': 12486, 'nother': 12487, 'wildest': 12488, 'dianostic': 12489, 'decline': 12490, 'scoring': 12491, 'huawei': 12492, 'nites': 12493, 'nrws': 12494, 'speakfor': 12495, 'fimiliar': 12496, 'malicious': 12497, 'funis': 12498, 'smy': 12499, '74': 12500, 'rests': 12501, 'fixtures': 12502, 'severe': 12503, 'rime': 12504, 'intercome': 12505, 'cancer': 12506, 'tongue': 12507, 'pronouncing': 12508, 'supplementing': 12509, 'entertainmentplays': 12510, 'musicgets': 12511, 'updatesnews': 12512, 'seri': 12513, 'answears': 12514, 'intuitively': 12515, 'keystrokes': 12516, 'surrounding': 12517, 'aggrivating': 12518, 'specfic': 12519, 'socketsss': 12520, 'societyit': 12521, 'alway': 12522, 'aliens': 12523, 'khloe': 12524, 'kardashian': 12525, 'silences': 12526, 'lifts': 12527, 'intercative': 12528, 'cortina': 12529, 'distorted': 12530, 'ou': 12531, 'esy': 12532, 'deviae': 12533, 'protests': 12534, 'notation': 12535, 'jotting': 12536, 'garlic': 12537, 'weatherman': 12538, 'commanded': 12539, 'apliance': 12540, 'quenn': 12541, 'christina': 12542, 'aguilera': 12543, 'betta': 12544, 'werk': 12545, 'uri': 12546, 'lullabys': 12547, 'minions': 12548, 'forcasts': 12549, 'calendarschedule': 12550, 'joys': 12551, 'sequentially': 12552, 'xxx': 12553, 'potentially': 12554, 'bat': 12555, 'itpersonally': 12556, 'resides': 12557, 'revolutionized': 12558, 'proactive': 12559, 'viirtually': 12560, 'vanity': 12561, 'comply': 12562, 'temper': 12563, 'misunderstand': 12564, 'mixing': 12565, 'toyed': 12566, 'contestants': 12567, 'continiasly': 12568, 'fustrating': 12569, 'qvc': 12570, 'capitol': 12571, 'wows': 12572, 'installquick': 12573, 'brighten': 12574, 'lightswitch': 12575, 'arbitrarily': 12576, 'radius': 12577, 'nail': 12578, 'incorporating': 12579, 'refinement': 12580, 'laces': 12581, 'relentlessly': 12582, 'congestion': 12583, 'blip': 12584, 'effectiveness': 12585, 'coordinates': 12586, 'contingencies': 12587, 'kelly': 12588, 'smar': 12589, 'sdk': 12590, 'sums': 12591, 'unified': 12592, 'culture': 12593, 'milo': 12594, 'triggering': 12595, 'specificity': 12596, 'ironman': 12597, 'mouthful': 12598, 'remodel': 12599, 'ssids': 12600, 'ssid': 12601, 'cubs': 12602, 'yielded': 12603, 'failings': 12604, 'wordy': 12605, 'sengled': 12606, 'pandera': 12607, 'jeorardy': 12608, 'afte': 12609, 'technophile': 12610, 'wheelchair': 12611, 'funding': 12612, 'mumble': 12613, 'multile': 12614, 'interactivity': 12615, 'finder': 12616, 'attaching': 12617, 'homekit': 12618, 'xx': 12619, 'gymnastics': 12620, 'yy': 12621, 'swallow': 12622, 'meager': 12623, 'smartened': 12624, 'showers': 12625, 'stationed': 12626, 'boeing': 12627, 'alleged': 12628, 'egregious': 12629, 'transistor': 12630, 'commodore': 12631, '1980': 12632, 'slated': 12633, 'gist': 12634, 'depressing': 12635, 'index': 12636, 'mindfullness': 12637, 'connectable': 12638, 'charming': 12639, 'conect': 12640, 'softwares': 12641, 'intervention': 12642, 'lingering': 12643, 'dork': 12644, 'shill': 12645, 'personification': 12646, 'serena': 12647, 'williams': 12648, 'ruger': 12649, 'maturity': 12650, 'usre': 12651, 'fuse': 12652, 'scraping': 12653, 'resupplying': 12654, 'bugger': 12655, 'withouto': 12656, 'jeeves': 12657, 'shhhtuff': 12658, 'enhancement': 12659, 'alongst': 12660, 'pootering': 12661, 'poot': 12662, 'limbic': 12663, 'activations': 12664, 'rattle': 12665, 'blaring': 12666, 'cricket': 12667, 'shaving': 12668, 'rumors': 12669, 'tomatoes': 12670, 'eatin': 12671, 'libraryfinds': 12672, 'kitchens': 12673, 'teller': 12674, 'berlin': 12675, 'resold': 12676, 'musci': 12677, 'subwoofer': 12678, 'guts': 12679, 'diapers': 12680, 'kidsbop': 12681, 'strategy': 12682, 'unify': 12683, 'spouserecommend': 12684, 'pico': 12685, 'clicked': 12686, 'cree': 12687, 'hugging': 12688, 'bloodhound': 12689, 'gang': 12690, 'nowrealize': 12691, 'iinput': 12692, 'twiking': 12693, 'portable2': 12694, 'quality3': 12695, 'texarkana': 12696, 'timbuktu': 12697, 'istanbul': 12698, 'indianapolis': 12699, 'jackson': 12700, 'maiden': 12701, 'frank': 12702, 'sinatra': 12703, 'pandorra': 12704, 'limbaugh': 12705, 'cataract': 12706, 'surgeries': 12707, 'acurate': 12708, 'willl': 12709, 'roundups': 12710, 'withdrawn': 12711, 'gretat': 12712, 'invocations': 12713, 'groaners': 12714, 'comprehension': 12715, 'onenote': 12716, 'alexie': 12717, 'saturn': 12718, 'holley': 12719, 'aboutjust': 12720, 'alexacan': 12721, 'streamlines': 12722, 'jury': 12723, 'analog': 12724, 'questioning': 12725, 'motives': 12726, 'philps': 12727, 'frontier': 12728, 'buyin': 12729, 'twas': 12730, 'newcomer': 12731, 'imply': 12732, 'parlor': 12733, 'sillly': 12734, 'thee': 12735, 'othe': 12736, 'dawn': 12737, 'steadfast': 12738, 'echoi': 12739, 'mindfulness': 12740, 'bmw': 12741, 'monthy': 12742, 'efficent': 12743, 'aand': 12744, 'saveing': 12745, 'toown': 12746, 'tinker': 12747, 'synopsis': 12748, 'dropcam': 12749, 'hackers': 12750, 'spiffy': 12751, 'checklists': 12752, 'restate': 12753, 'investigations': 12754, 'teaming': 12755, 'tchnology': 12756, 'remedial': 12757, 'vastly': 12758, 'togethers': 12759, 'bookseller': 12760, 'addtoo': 12761, 'trackers': 12762, 'snooty': 12763, 'inspiring': 12764, 'gains': 12765, 'fishtank': 12766, 'tonmake': 12767, 'echoing': 12768, 'clap': 12769, 'holler': 12770, 'communicates': 12771, 'marekting': 12772, 'creative': 12773, 'warriors': 12774, 'simplisafe': 12775, 'conected': 12776, 'deserving': 12777, 'themostat': 12778, 'convienence': 12779, 'warps': 12780, 'snarky': 12781, 'starshine': 12782, 'norris': 12783, 'endlessly': 12784, 'bootleg': 12785, 'cassette': 12786, 'reconnected': 12787, 'tun': 12788, 'verbatim': 12789, 'diction': 12790, 'laziness': 12791, 'weekswith': 12792, 'comical': 12793, 'searchable': 12794, 'nosise': 12795, 'silence': 12796, 'mappable': 12797, 'everyones': 12798, 'amazion': 12799, 'waters': 12800, 'contestant': 12801, 'weathergirl': 12802, 'drug': 12803, 'qulaity': 12804, 'mamy': 12805, 'pains': 12806, 'allllll': 12807, '30am': 12808, 'repositioned': 12809, 'excells': 12810, 'controolled': 12811, 'kits': 12812, 'exquisitely': 12813, 'dorky': 12814, 'echopros': 12815, 'ueboom': 12816, 'programed': 12817, 'preexisting': 12818, 'manchester': 12819, 'pga': 12820, 'robotic': 12821, 'skynet': 12822, 'embrace': 12823, 'rape': 12824, 'pets': 12825, 'abused': 12826, 'listin': 12827, 'sink': 12828, 'pso': 12829, 'thinghere': 12830, 'sopranos': 12831, 'blahoverall': 12832, 'revision': 12833, 'shelving': 12834, 'smatphone': 12835, 'kno': 12836, 'theme': 12837, 'mixes': 12838, 'redirect': 12839, 'melt': 12840, 'figuratively': 12841, 'cas': 12842, 'ta': 12843, 'warrants': 12844, 'refueling': 12845, 'cells': 12846, 'gratifying': 12847, 'programmers': 12848, 'rewording': 12849, 'sked': 12850, 'shocker': 12851, 'floats': 12852, '5ft': 12853, '10w': 12854, 'birth': 12855, 'corrects': 12856, 'disgrace': 12857, 'blocky': 12858, 'supplier': 12859, 'narrower': 12860, 'representatives': 12861, 'discharge': 12862, 'crooked': 12863, 'padding': 12864, 'shutter': 12865, 'citron': 12866, 'neon': 12867, '1of': 12868, 'acceptably': 12869, 'advantaged': 12870, 'od': 12871, '500ma': 12872, 'underhanded': 12873, 'estimated': 12874, 'oldie': 12875, 'goodie': 12876, 'pointy': 12877, 'griendly': 12878, 'distorts': 12879, 'drm': 12880, 'onternet': 12881, 'kerplot': 12882, 'gona': 12883, 'pound': 12884, 'eatching': 12885, 'arthritic': 12886, 'joints': 12887, 'usefulto': 12888, 'fount': 12889, 'qwerks': 12890, 'saturday': 12891, 'letterbox': 12892, 'prints': 12893, 'scrolls': 12894, 'dwarfs': 12895, 'cream': 12896, 'htey': 12897, 'relacement': 12898, 'disproportionate': 12899, 'width': 12900, 'abysmal': 12901, 'yetfastestand': 12902, 'screenis': 12903, 'unimpressed': 12904, 'activites': 12905, 'aol': 12906, 'bob': 12907, 'jones': 12908, 'perfectsound': 12909, 'ittle': 12910, 'timeit': 12911, 'plants': 12912, 'zombies': 12913, 'enuf': 12914, 'sinks': 12915, 'spousal': 12916, 'phne': 12917, 'ph': 12918, 'ne': 12919, 'nikon': 12920, 'sigma': 12921, '600mm': 12922, 'dissecting': 12923, 'd810': 12924, 'territory': 12925, 'upholstery': 12926, 'stain': 12927, 'woken': 12928, 'announcement': 12929, 'marino': 12930, 'fishing': 12931, 'usd150': 12932, 'excess': 12933, 'boughy': 12934, 'alezxa': 12935, 'rechargable': 12936, 'joule': 12937, 'outdside': 12938, 'acoustics': 12939, 'horoscope': 12940, 'hut': 12941, 'weary': 12942, 'adoptor': 12943, 'usefule': 12944, 'guam': 12945, 'instructio': 12946, 'interconnected': 12947, 'circlers': 12948, 'dystopia': 12949, 'eggers': 12950, 'hail': 12951, 'mids': 12952, 'luke': 12953, 'grille': 12954, 'mesh': 12955, 'grilles': 12956, 'micrphones': 12957, 'flex': 12958, 'pits': 12959, 'satchel': 12960, 'andespn': 12961, 'avarage': 12962, 'uncanny': 12963, 'yearbook': 12964, 'printable': 12965, 'thunder': 12966, 'batterey': 12967, 'worldwide': 12968, 'eavsdropping': 12969, 'peak': 12970, 'cloth': 12971, 'likenit': 12972, 'forte': 12973, 'surreptitiously': 12974, 'portablebility': 12975, 'lithium': 12976, 'smartness': 12977, 'paradigm': 12978, 'greatdifficult': 12979, 'sseems': 12980, 'defeat': 12981, 'inventions': 12982, 'pf': 12983, 'uh': 12984, 'ohs': 12985, 'mariachi': 12986, 'colorado': 12987, 'kdis': 12988, 'ittt': 12989, 'renders': 12990, 'retrieves': 12991, 'handsyou': 12992, 'sweden': 12993, 'portugal': 12994, 'namesake': 12995, 'decks': 12996, 'claiming': 12997, 'ruining': 12998, 'ijnfo': 12999, '5star': 13000, 'pill': 13001, 'duly': 13002, 'huuuge': 13003, 'inna': 13004, 'summon': 13005, 'prouducts': 13006, 'conpack': 13007, 'tappy': 13008, 'wast': 13009, 'someways': 13010, 'michael': 13011, 'bolton': 13012, 'bruce': 13013, 'springsteen': 13014, 'predicted': 13015, 'unknowingly': 13016, 'independant': 13017, 'scratchy': 13018, 'commandable': 13019, 'coll': 13020, 'graduated': 13021, 'bemoaning': 13022, 'tin': 13023, 'balcony': 13024, 'audiophiles': 13025, 'fluke': 13026, 'covenient': 13027, 'cult': 13028, 'trashing': 13029, 'triby': 13030, 'partnerships': 13031, 'draugther': 13032, 'ganes': 13033, 'iceberg': 13034, 'ruled': 13035, 'cnet': 13036, 'frustrations': 13037, 'fot': 13038, 'heaper': 13039, 'repository': 13040, 'booming': 13041, 'bluetoothdecent': 13042, 'instructive': 13043, 'gatherings': 13044, 'siriamazon': 13045, 'alley': 13046, 'heres': 13047, 'muti': 13048, 'amazement': 13049, 'vis': 13050, 'commandscons': 13051, 'speakersoverall': 13052, 'steup': 13053, 'polish': 13054, 'username': 13055, 'riddance': 13056, 'intall': 13057, 'mny': 13058, '4000000': 13059, 'vueso': 13060, 'appscons': 13061, 'cinemax': 13062, 'marshmallow': 13063, 'centricplease': 13064, 'hd1': 13065, 'dynamite': 13066, 'expierence': 13067, 'chromescast': 13068, 'frist': 13069, 'scripts': 13070, 'temperamental': 13071, 'appli': 13072, 'progrant': 13073, 'reconment': 13074, 'grace': 13075, 'valueble': 13076, 'frend': 13077, 'broughts': 13078, 'smoothest': 13079, 'infomercials': 13080, 'hdhomerun': 13081, 'outlandish': 13082, 'supped': 13083, 'saids': 13084, 'producg': 13085, 'bitstream': 13086, 'atmos': 13087, 'prison': 13088, 'staggering': 13089, 'offsprings': 13090, 'syfy': 13091, 'bogging': 13092, 'races': 13093, 'unsubscribe': 13094, 'af': 13095, 'wouldve': 13096, 'attack': 13097, 'sorround': 13098, 'anotherone': 13099, 'becuse': 13100, 'brace': 13101, 'waist': 13102, 'tok': 13103, 'hight': 13104, 'reentering': 13105, 'reconsider': 13106, '165': 13107, 'unstoppable': 13108, 'netfis': 13109, 'andl': 13110, 'relibility': 13111, 'fealtures': 13112, 'ffeature': 13113, 'throught': 13114, 'android2': 13115, 'extensible': 13116, 'nes': 13117, 'snes': 13118, 'zeus': 13119, 'ives': 13120, 'optikns': 13121, 'structured': 13122, 'steams': 13123, 'schoolers': 13124, 'watchlist': 13125, 'mounted': 13126, 'watchers': 13127, 'perfetly': 13128, 'corroded': 13129, 'insidewe': 13130, 'remoteskind': 13131, 'collaborate': 13132, 'anther': 13133, 'blackhawk': 13134, 'pout': 13135, 'qualityonly': 13136, 'showes': 13137, 'congratulations': 13138, 'blessup': 13139, 'ppv': 13140, 'bert': 13141, 'mbs': 13142, 'jodi': 13143, 'greatdoes': 13144, 'gamesalso': 13145, 'vevo': 13146, 'overheats': 13147, 'iunstall': 13148, 'compliant': 13149, 'charlie': 13150, 'clicky': 13151, '3streaming': 13152, 'morealso': 13153, 'chuggy': 13154, 'devour': 13155, 'pluge': 13156, 'iv': 13157, 'playroom': 13158, 'suuuuuper': 13159, 'delve': 13160, 'quagmire': 13161, 'mousepad': 13162, 'exclusion': 13163, 'voiced': 13164, 'slgihtly': 13165, 'pdif': 13166, 'scard': 13167, 'constraints': 13168, 'upscaling': 13169, 'unsmart': 13170, 'planty': 13171, 'streamin': 13172, 'oomph': 13173, 'primer': 13174, 'diehard': 13175, 'cw': 13176, 'evrything': 13177, 'zap': 13178, 'programmings': 13179, 'netflixi': 13180, 'systym': 13181, 'alexander': 13182, 'workshould': 13183, 'firend': 13184, 'thrust': 13185, 'passive': 13186, '60in': 13187, 'hardline': 13188, 'prominently': 13189, 'nut': 13190, 'heh': 13191, 'outputs': 13192, 'duper': 13193, 'perfecto': 13194, 'versility': 13195, '540': 13196, 'subcriptions': 13197, 'jist': 13198, 'unbelievible': 13199, 'freatures': 13200, 'regulat': 13201, 'footbal': 13202, 'lockups': 13203, 'mainstay': 13204, 'taped': 13205, 'reinvented': 13206, 'willy': 13207, 'gen2': 13208, 'chocked': 13209, 'gigantic': 13210, 'osmo': 13211, 'releived': 13212, 'cleaned': 13213, 'poweruser': 13214, '4000tv': 13215, 'bugged': 13216, 'regreted': 13217, 'appel': 13218, 'eh': 13219, 'walahhh': 13220, 'nerves': 13221, 'tom': 13222, 'centers': 13223, 'film': 13224, 'emphasizes': 13225, 'tihs': 13226, 'cordcutting': 13227, 'clone': 13228, 'esasy': 13229, 'amonth': 13230, '1500': 13231, 'redirected': 13232, '12mpb': 13233, 'okk': 13234, '1958': 13235, 'extraordinarily': 13236, 'cabls': 13237, 'greatproduct': 13238, 'halpy': 13239, 'experice': 13240, 'sandwich': 13241, 'daughterthere': 13242, 'peck': 13243, 'iton': 13244, 'phasing': 13245, 'lease': 13246, 'goft': 13247, 'moerits': 13248, 'choked': 13249, 'hick': 13250, 'netfliz': 13251, 'serach': 13252, 'mpbs': 13253, 'tamed': 13254, 'andmy': 13255, 'stall': 13256, 'mitsubishi': 13257, 'minimalist': 13258, 'ungraded': 13259, 'wastes': 13260, 'proportioned': 13261, 'cellophane': 13262, 'hogjly': 13263, 'plaform': 13264, 'monstrosties': 13265, 'storms': 13266, 'outletsavailable': 13267, 'cosmetically': 13268, 'fullfill': 13269, 'comparability': 13270, 'versital': 13271, 'resellers': 13272, 'tapered': 13273, 'somuch': 13274, 'intenet': 13275, 'x6': 13276, 'grail': 13277, 'mounting': 13278, 'fairness': 13279, 'insall': 13280, 'tickets': 13281, 'u450': 13282, 'di': 13283, 'criends': 13284, 'irrelevant': 13285, 'ni': 13286, 'sizzled': 13287, 'compability': 13288, 'whatsover': 13289, 'modifiable': 13290, 'trump': 13291, 'amateur': 13292, 'feud': 13293, 'firestck': 13294, 'foxfire': 13295, 'percentages': 13296, 'recommened': 13297, 'recient': 13298, 'f8nd': 13299, 'tradional': 13300, 'firestorm': 13301, 'absoutley': 13302, 'lana': 13303, 'cliche': 13304, 'cery': 13305, 'corresponds': 13306, 'increment': 13307, '64x': 13308, 'friendlyi': 13309, 'solidified': 13310, 'usenet': 13311, 'kody': 13312, 'laods': 13313, 'quic': 13314, 'screw': 13315, 'havint': 13316, 'sean': 13317, 'tveasy': 13318, 'strraming': 13319, 'implementations': 13320, 'refreshed': 13321, 'replugging': 13322, 'decreases': 13323, 'becaus': 13324, 'mobdro': 13325, 'everythings': 13326, 'dtn': 13327, 'hull': 13328, 'penthouse': 13329, 'hustlers': 13330, '15mbps': 13331, 'labels': 13332, 'jusy': 13333, 'pucture': 13334, 'reproduce': 13335, 'strings': 13336, 'hahaha': 13337, 'boxwish': 13338, 'betterspeed': 13339, 'pirates': 13340, 'dvi': 13341, 'amazonproducts': 13342, 'facilitate': 13343, 'alexathe': 13344, 'rural': 13345, 'fob': 13346, '0ghz': 13347, 'idk': 13348, 'alon': 13349, 'sasy': 13350, 'p65': 13351, 'c1': 13352, 'interms': 13353, 'praises': 13354, 'nividi': 13355, 'hdd': 13356, 'enforcing': 13357, 'fwd': 13358, 'vincent': 13359, 'cody': 13360, 'hallmark': 13361, 'keboard': 13362, 'xtra': 13363, 'subscripton': 13364, 'storageworth': 13365, 'disadvantages': 13366, 'steamer': 13367, 'joystick': 13368, 'gentleman': 13369, 'wan': 13370, 'weaker': 13371, 'memberkodi': 13372, 'retiree': 13373, 'incorporates': 13374, 'mist': 13375, 'pluged': 13376, 'patch': 13377, 'flatscreen': 13378, 'hq': 13379, 'nexflix': 13380, 'evil': 13381, 'nefarious': 13382, 'empire': 13383, 'subjected': 13384, 'fret': 13385, 'exorbitant': 13386, 'contracts': 13387, 'giants': 13388, 'unecessary': 13389, 'navagating': 13390, 'ells': 13391, 'indefinitely': 13392, 'insanly': 13393, 'eith': 13394, 'sixty': 13395, 'diligence': 13396, 'entirety': 13397, 'loophole': 13398, 'chunks': 13399, 'mindlessly': 13400, 'liberating': 13401, 'mackbook': 13402, 'airs': 13403, 'tvsi': 13404, 'modding': 13405, 'sexy': 13406, 'nitpick': 13407, 'preferable': 13408, 'wookie': 13409, 'beausbuild': 13410, 'okc': 13411, 'saud': 13412, 'firesticktv': 13413, '50mbps': 13414, 'infrequent': 13415, 'transform': 13416, 'sofar': 13417, 'turkey': 13418, 'accommodates': 13419, 'use6': 13420, 'graphics7': 13421, 'dislikes': 13422, 'provision': 13423, '2x': 13424, 'boxee': 13425, 'onable': 13426, 'collects': 13427, 'controler': 13428, 'domestic': 13429, 'ch': 13430, 'b4': 13431, 'firstly': 13432, 'dived': 13433, 'heartedly': 13434, 'aesthetically': 13435, 'appreciating': 13436, 'inabled': 13437, 'preconfigured': 13438, 'xiaomi': 13439, 'cheaping': 13440, 'crazed': 13441, 'videophile': 13442, 'overpaying': 13443, 'abort': 13444, 'kodiak': 13445, 'dreaming': 13446, 'korea': 13447, '100mbps': 13448, 'hungry': 13449, 'saturated': 13450, 'ween': 13451, 'acquaintances': 13452, 'ooma': 13453, 'legit': 13454, 'qwerty': 13455, 'mlbtv': 13456, 'cuddling': 13457, 'fred': 13458, 'bracket': 13459, 'advirtized': 13460, 'ithighly': 13461, 'alexus': 13462, 'weve': 13463, 'locals': 13464, 'slanted': 13465, 'entitled': 13466, 'organizes': 13467, 'tubes': 13468, 'privilege': 13469, 'sheild': 13470, 'turbomode': 13471, 'hologram': 13472, 'amaxom': 13473, 'snow': 13474, 'acceleration': 13475, 'h264': 13476, 'sideloads': 13477, 'microsdhc': 13478, 'dismal': 13479, 'customizeable': 13480, 'portland': 13481, 'phoenix': 13482, 'summarizes': 13483, '10it': 13484, 'ridding': 13485, 'rj': 13486, 'myrtle': 13487, 'downsizing': 13488, 'flexibilitymore': 13489, 'greenlight': 13490, 'buzz': 13491, 'onced': 13492, 'rattles': 13493, 'neflx': 13494, 'recover': 13495, 'onward': 13496, 'awesomeur': 13497, 'whever': 13498, 'boxing': 13499, 'snot': 13500, 'lookout': 13501, '30hz': 13502, 'urself': 13503, 'coast': 13504, 'puerto': 13505, 'rico': 13506, 'bil': 13507, 'avenues': 13508, 'mange': 13509, 'mot': 13510, 'ventures': 13511, 'reagy': 13512, 'oversees': 13513, 'fxnow': 13514, '209': 13515, 'androidtv': 13516, 'framework': 13517, 'crossy': 13518, 'divine': 13519, 'flowing': 13520, 'superfast': 13521, 'sameproblems': 13522, 'goldengate': 13523, 'sybase': 13524, 'ik': 13525, 'cabable': 13526, 'nefflix': 13527, 'chucks': 13528, 'msnufactures': 13529, 'acquisition': 13530, 'ina': 13531, 'fmily': 13532, 'discontinuing': 13533, 'prevented': 13534, 'stud': 13535, 'thatn': 13536, 'indirect': 13537, 'tivi': 13538, 'poeerfyul': 13539, 'fastet': 13540, 'servise': 13541, 'waranty': 13542, 'racked': 13543, 'passthough': 13544, 'iq': 13545, 'frustrate': 13546, 'opitions': 13547, 'avon': 13548, 'indiana': 13549, 'ted': 13550, 'deprogrammed': 13551, 'preachers': 13552, 'broadcasters': 13553, 'sometimesnot': 13554, 'authorization': 13555, 'entratainment': 13556, 'micsosd': 13557, 'prodigious': 13558, 'beatprice': 13559, 'valuehighly': 13560, 'neigbor': 13561, 'processed': 13562, 'bridged': 13563, 'weakens': 13564, 'subtitles': 13565, '100m': 13566, 'finnicky': 13567, 'tended': 13568, 'transforming': 13569, 'administrator': 13570, 'yankees': 13571, '650': 13572, 'andcis': 13573, 'acorn': 13574, 'british': 13575, 'productions': 13576, 'tunable': 13577, 'immediatel': 13578, 'llocation': 13579, 'tetevision': 13580, 'ownpro': 13581, 'setupapp': 13582, 'choicesability': 13583, 'appsalexa': 13584, 'integrationcon': 13585, 'roku3': 13586, 'distinguishing': 13587, 'le': 13588, 'yoi': 13589, 'lmovies': 13590, 'cutomize': 13591, 'clams': 13592, 'labor': 13593, 'itune': 13594, '25mbps': 13595, 'advises': 13596, 'eligible': 13597, 'cleanest': 13598, 'svc': 13599, 'layers': 13600, 'authentication': 13601, 'grea': 13602, 'defusing': 13603, 'jn': 13604, 'audios': 13605, 'apocalypse': 13606, 'commenting': 13607, 'goood': 13608, 'dlna': 13609, 'crashing': 13610, 'spreed': 13611, 'dualcore': 13612, '1299': 13613, '1275': 13614, 'havei': 13615, 'hulk': 13616, 'thear': 13617, 'optio': 13618, 'onetime': 13619, 'usking': 13620, 'visio': 13621, 'profound': 13622, '80mps': 13623, 'royalist': 13624, 'centerpoint': 13625, 'pusrchases': 13626, 'kiddish': 13627, 'tomany': 13628, 'heated': 13629, 'han': 13630, 'otis': 13631, 'mend': 13632, 'vising': 13633, 'interestingly': 13634, 'libray': 13635, 'regrettable': 13636, 'attended': 13637, 'cursor': 13638, 'eathernet': 13639, 'abandoning': 13640, 'againhave': 13641, 'concil': 13642, 'fellow': 13643, 'bananas': 13644, 'pointer': 13645, 'systemes': 13646, 'replacedvoice': 13647, 'madeno': 13648, 'featurestill': 13649, 'telly': 13650, 'capped': 13651, 'peripheral': 13652, 'aethetic': 13653, 'bouth': 13654, 'thn': 13655, 'stampede': 13656, 'ott': 13657, 'adfter': 13658, 'duplicates': 13659, 'aweomse': 13660, 'throttling': 13661, 'amazn': 13662, 'allowes': 13663, 'everyhting': 13664, 'allied': 13665, 'magnolia': 13666, 'standardize': 13667, 'chews': 13668, 'soccer': 13669, 'lacrosse': 13670, '3mb': 13671, '720': 13672, 'tranfer': 13673, 'ruko': 13674, 'multimedia': 13675, 'woujld': 13676, 'perferomance': 13677, 'wor': 13678, 'anniversaries': 13679, 'blaze': 13680, 'occurrence': 13681, 'ihave': 13682, 'goodi': 13683, 'affecting': 13684, 'downcovert': 13685, 'legacy': 13686, 'perpose': 13687, 'strean': 13688, 'ming': 13689, 'brighthouse': 13690, 'frieds': 13691, 'device4000': 13692, 'nicegreat': 13693, 'supportnegative': 13694, 'cach': 13695, 'tgey': 13696, 'mantle': 13697, 'remort': 13698, 'controll': 13699, 'retuned': 13700, 'forgone': 13701, 'vc': 13702, 'thirt': 13703, 'stady': 13704, 'tales': 13705, 'borderlands': 13706, 'combat': 13707, 'knights': 13708, 'republic': 13709, 'qlty': 13710, 'docsis': 13711, 'gbox': 13712, 'wd': 13713, 'immovable': 13714, 'scaring': 13715, 'spotted': 13716, 'glimpse': 13717, 'spinning': 13718, 'blood': 13719, 'rises': 13720, 'minority': 13721, 'yanked': 13722, 'acquired': 13723, 'uhdtv': 13724, 'fulfiled': 13725, 'forefront': 13726, 'thief': 13727, 'mercy': 13728, 'infra': 13729, 'remot': 13730, 'ud': 13731, 'sourced': 13732, 'preditable': 13733, 'vig': 13734, 'seeems': 13735, 'overview': 13736, 'livetv': 13737, 'discplayer': 13738, 'aliza': 13739, 'ignorance': 13740, 'dimension': 13741, 'forgiving': 13742, 'biggy': 13743, '3mbps': 13744, 'treating': 13745, 'fite': 13746, 'assignment': 13747, 'yamaha': 13748, 'routers': 13749, 'setuphttps': 13750, 'github': 13751, 'sphinx02': 13752, '28only': 13753, 'bes': 13754, 'grunt': 13755, 'afforable': 13756, 'unplayable': 13757, 'reciprocate': 13758, 'karaoke': 13759, 'sock': 13760, 'hest': 13761, 'generator': 13762, 'circles': 13763, 'modded': 13764, 'recordings': 13765, 'bolt': 13766, 'tweets': 13767, 'productthe': 13768, 'buyback': 13769, 'erthernet': 13770, 'arte': 13771, 'goodwork': 13772, 'transcoded': 13773, 'cinch': 13774, 'rediculously': 13775, 'zipper': 13776, 'charities': 13777, '108': 13778, 'jailbreaker': 13779, 'jb': 13780, 'amazonfire': 13781, 'lockup': 13782, '40x': 13783, 'nationwide': 13784, 'hdhomerrun': 13785, 'demos': 13786, 'mxiii': 13787, 'ouya': 13788, 'automaticly': 13789, 'tittle': 13790, 'tvos': 13791, 'strem': 13792, 'agreed': 13793, 'sticksbut': 13794, 'suppirior': 13795, 'compitetive': 13796, 'thinj': 13797, 'primeits': 13798, 'tick': 13799, 'crispness': 13800, 'farm': 13801, 'clearstream': 13802, 'sjdhfhdhhsjx': 13803, 'flies': 13804, 'beep': 13805, 'drama': 13806, 'fever': 13807, 'proofed': 13808, 'documentaries': 13809, 'cycling': 13810, 'endorsement': 13811, 'unexceptionable': 13812, 'ypu': 13813, 'newbies': 13814, 'mediacom': 13815, 'accessable': 13816, 'cinema': 13817, 'nutt': 13818, 'minuses': 13819, 'exhibits': 13820, 'fluent': 13821, 'iream': 13822, 'extenders': 13823, 'convienece': 13824, 'wel': 13825, 'prepay': 13826, 'sweetest': 13827, 'zelda': 13828, 'chanels': 13829, 'perpetual': 13830, 'recoverable': 13831, 'soured': 13832, 'additon': 13833, 'canle': 13834, 'vueing': 13835, 'exelente': 13836, 'smarttvs': 13837, 'stucked': 13838, 'commend': 13839, 'jitter': 13840, 'caption': 13841, 'moded': 13842, 'tvits': 13843, 'impose': 13844, '65mbps': 13845, '264': 13846, 'hi10p': 13847, 'decoded': 13848, 'coded': 13849, 'bitrate': 13850, 'cpus': 13851, 'spike': 13852, '44': 13853, 'agnostic': 13854, 'presented': 13855, 'disappointedpros': 13856, 'slotcons': 13857, 'maximal': 13858, 'posible': 13859, 'firetv1': 13860, 'firetv2': 13861, 'serials': 13862, 'additive': 13863, 'sucker': 13864, '2also': 13865, 'aint': 13866, 'ht': 13867, 'boingo': 13868, 'girts': 13869, 'bufferinggreat': 13870, 'qualityendless': 13871, 'programmingif': 13872, 'appl': 13873, 'kart': 13874, 'donkey': 13875, 'kong': 13876, 'centierpede': 13877, 'onscreen': 13878, 'inputing': 13879, 'dfficult': 13880, 'idevice': 13881, 'pbskids': 13882, '182': 13883, 'offload': 13884, 'sreaming': 13885, 'gaget': 13886, 'reinsert': 13887, 'emitting': 13888, 'diode': 13889, 'shotty': 13890, 'noone': 13891, 'programmes': 13892, 'thang': 13893, 'astetically': 13894, 'boa': 13895, 'occasionly': 13896, 'smarttv': 13897, 'mos': 13898, 'timewarner': 13899, 'alllow': 13900, 'appletvs': 13901, 'permeated': 13902, 'rectify': 13903, 'mystical': 13904, 'lamented': 13905, 'unskilled': 13906, 'wayyy': 13907, 'jokingly': 13908, 'proceeded': 13909, 'forgo': 13910, 'cablecutters': 13911, 'mopping': 13912, 'cinderella': 13913, 'mei': 13914, 'demographic': 13915, 'thirties': 13916, 'partying': 13917, 'suburban': 13918, 'hdml': 13919, 'instants': 13920, 'scarce': 13921, 'flyovers': 13922, 'dx2': 13923, 'graphite': 13924, 'fidgety': 13925, 'accidentlly': 13926, 'cased': 13927, 'summing': 13928, 'comfortthis': 13929, 'unfolded': 13930, 'timethe': 13931, 'neglegible': 13932, 'has5': 13933, 'indicates': 13934, 'unintentionally': 13935, 'problemcon': 13936, 'overstock': 13937, 'itself2': 13938, 'untouched': 13939, 'firt': 13940, 'lend': 13941, 'handsome': 13942, 'tug': 13943, 'bubbled': 13944, 'moisture': 13945, 'framewhere': 13946, 'problembut': 13947, 'uncluttered': 13948, '9in': 13949, 'seperately': 13950, 'hdxs': 13951, 'wattage': 13952, 'cheapens': 13953, 'erodes': 13954, 'mk': 13955, 'descriptions': 13956, 'appreciably': 13957, 'adjacent': 13958, 'chargerit': 13959, 'cheapness': 13960, 'failerd': 13961, 'subsequent': 13962, 'disposed': 13963, 'sprint': 13964, 'htc': 13965, 'anthing': 13966, 'greedy': 13967}\n" ] } ], "source": [ "tokenizer = Tokenizer(vocab_size, filters='!\"#$%&()*+,-./:;<=>?@[\\]^_`{\"}~\\t\\n',lower=True, split=' ')\n", "tokenizer.fit_on_texts(X)\n", "word_index = tokenizer.word_index\n", "print(len(word_index))\n", "print(tokenizer.word_index)" ] }, { "cell_type": "code", "execution_count": 15, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "[('the', 43955), ('it', 34950), ('i', 34277), ('and', 33768), ('to', 33658), ('for', 26324), ('a', 24879), ('is', 20768), ('this', 17663), ('my', 17301), ('great', 11858), ('of', 11026), ('with', 9470), ('tablet', 9084), ('you', 8518), ('on', 8386), ('have', 8128), ('that', 7818), ('use', 7682), ('in', 7144), ('but', 6815), ('love', 6632), ('can', 6545), ('was', 6478), ('as', 6392), ('easy', 6209), ('so', 6098), ('s', 5951), ('amazon', 5874), ('t', 5830), ('very', 5750), ('not', 5620), ('kindle', 5311), ('good', 5082), ('bought', 5059), ('one', 4994), ('fire', 4826), ('she', 4237), ('price', 4197), ('all', 4165), ('has', 3998), ('like', 3819), ('are', 3735), ('we', 3712), ('an', 3648), ('product', 3583), ('up', 3552), ('be', 3424), ('more', 3388), ('tv', 3311), ('would', 3218), ('works', 3108), ('if', 3095), ('or', 3090), ('at', 3075), ('just', 3055), ('get', 2990), ('they', 2984), ('echo', 2945), ('had', 2927), ('much', 2784), ('music', 2782), ('read', 2756), ('alexa', 2724), ('kids', 2697), ('loves', 2633), ('from', 2619), ('apps', 2612), ('do', 2610), ('than', 2599), ('well', 2587), ('books', 2534), ('reading', 2506), ('device', 2444), ('when', 2415), ('best', 2408), ('really', 2389), ('me', 2358), ('buy', 2334), ('what', 2315), ('games', 2278), ('time', 2261), ('her', 2248), ('old', 2242), ('screen', 2228), ('purchased', 2220), ('also', 2209), ('only', 2188), ('no', 2173), ('he', 2140), ('play', 2139), ('your', 2073), ('got', 2064), ('gift', 2030), ('better', 2022), ('does', 1984), ('will', 1982), ('recommend', 1982), ('them', 1840), ('out', 1829), ('other', 1803), ('set', 1759), ('am', 1651), ('year', 1646), ('perfect', 1629), ('our', 1623), ('nice', 1606), ('new', 1588), ('home', 1566), ('about', 1566), ('little', 1552), ('there', 1540), ('now', 1513), ('light', 1496), ('its', 1471), ('because', 1459), ('even', 1453), ('don', 1449), ('quality', 1447), ('purchase', 1400), ('using', 1383), ('prime', 1381), ('need', 1368), ('lot', 1347), ('m', 1343), ('christmas', 1336), ('some', 1329), ('battery', 1313), ('how', 1305), ('been', 1286), ('too', 1270), ('size', 1266), ('any', 1266), ('able', 1260), ('movies', 1259), ('want', 1253), ('which', 1227), ('first', 1218), ('everything', 1191), ('happy', 1164), ('many', 1164), ('son', 1162), ('work', 1157), ('sound', 1146), ('still', 1133), ('daughter', 1126), ('go', 1124), ('things', 1123), ('used', 1119), ('app', 1115), ('fun', 1114), ('reader', 1104), ('these', 1098), ('watch', 1094), ('fast', 1089), ('could', 1089), ('far', 1021), ('ipad', 1013), ('awesome', 1009), ('tablets', 1002), ('2', 994), ('after', 984), ('who', 965), ('features', 961), ('by', 957), ('ve', 938), ('excellent', 933), ('family', 925), ('money', 920), ('speaker', 920), ('life', 918), ('paperwhite', 914), ('cable', 914), ('free', 912), ('without', 911), ('stick', 900), ('wife', 899), ('voice', 896), ('worth', 892), ('day', 888), ('streaming', 887), ('box', 879), ('while', 865), ('having', 862), ('store', 860), ('small', 860), ('thing', 847), ('way', 845), ('enjoy', 838), ('amazing', 827), ('wanted', 824), ('then', 820), ('internet', 820), ('getting', 813), ('google', 811), ('looking', 810), ('item', 804), ('every', 801), ('smart', 792), ('over', 787), ('back', 779), ('weather', 776), ('since', 773), ('long', 769), ('makes', 767), ('book', 766), ('ask', 765), ('doesn', 760), ('download', 756), ('his', 754), ('two', 751), ('off', 751), ('did', 745), ('playing', 743), ('3', 743), ('phone', 738), ('take', 733), ('control', 715), ('e', 713), ('another', 707), ('highly', 705), ('most', 698), ('their', 688), ('questions', 688), ('access', 686), ('something', 681), ('house', 679), ('pretty', 674), ('around', 674), ('netflix', 674), ('enough', 673), ('find', 673), ('being', 671), ('right', 670), ('simple', 666), ('make', 664), ('definitely', 650), ('user', 645), ('devices', 635), ('say', 633), ('overall', 627), ('5', 625), ('etc', 624), ('always', 623), ('lights', 618), ('loved', 615), ('before', 615), ('were', 614), ('didn', 613), ('few', 606), ('memory', 605), ('7', 604), ('think', 603), ('4', 602), ('wifi', 602), ('apple', 601), ('years', 597), ('wish', 596), ('available', 595), ('uses', 592), ('needs', 589), ('know', 584), ('learning', 579), ('friendly', 573), ('into', 569), ('both', 565), ('needed', 564), ('see', 560), ('faster', 559), ('case', 557), ('easier', 555), ('down', 555), ('videos', 554), ('turn', 554), ('setup', 552), ('black', 538), ('android', 537), ('anything', 537), ('value', 536), ('especially', 528), ('own', 528), ('shows', 526), ('add', 523), ('room', 522), ('sure', 520), ('8', 519), ('news', 517), ('keep', 516), ('absolutely', 510), ('ever', 509), ('charge', 508), ('same', 508), ('anyone', 506), ('through', 505), ('however', 504), ('sale', 499), ('remote', 493), ('watching', 491), ('web', 491), ('going', 491), ('deal', 489), ('never', 486), ('4000', 485), ('put', 484), ('lots', 482), ('bit', 481), ('made', 475), ('card', 472), ('re', 469), ('hd', 466), ('already', 463), ('problem', 463), ('children', 461), ('second', 459), ('thought', 458), ('issues', 458), ('version', 457), ('picture', 455), ('seems', 453), ('plus', 453), ('child', 448), ('him', 447), ('content', 446), ('kid', 446), ('though', 446), ('myself', 445), ('easily', 439), ('should', 436), ('slow', 435), ('different', 435), ('big', 432), ('several', 431), ('again', 431), ('yet', 429), ('give', 429), ('listen', 424), ('night', 423), ('found', 421), ('dot', 421), ('video', 419), ('feature', 418), ('favorite', 418), ('50', 416), ('camera', 415), ('system', 413), ('last', 412), ('eyes', 411), ('storage', 408), ('list', 407), ('buying', 406), ('cheap', 403), ('mom', 403), ('times', 402), ('friday', 402), ('carry', 401), ('beat', 398), ('basic', 397), ('products', 397), ('unit', 397), ('such', 395), ('must', 394), ('controls', 392), ('pleased', 391), ('account', 389), ('shopping', 389), ('grandson', 387), ('gave', 386), ('fine', 386), ('cost', 385), ('low', 385), ('older', 384), ('decided', 384), ('mother', 383), ('super', 381), ('hard', 380), ('parental', 380), ('husband', 378), ('clear', 376), ('white', 375), ('1', 375), ('plays', 374), ('replace', 372), ('less', 371), ('library', 367), ('almost', 366), ('once', 364), ('tap', 364), ('online', 363), ('pay', 363), ('haven', 363), ('expensive', 362), ('look', 359), ('navigate', 359), ('useful', 357), ('problems', 355), ('bluetooth', 351), ('tell', 351), ('stream', 350), ('upgrade', 350), ('hold', 349), ('weight', 349), ('10', 347), ('expected', 347), ('each', 346), ('glad', 346), ('ok', 344), ('resolution', 344), ('working', 343), ('those', 343), ('paper', 343), ('quick', 342), ('friends', 341), ('page', 341), ('member', 338), ('roku', 337), ('extra', 336), ('connect', 336), ('enjoying', 336), ('service', 335), ('options', 333), ('ability', 331), ('speed', 331), ('friend', 331), ('email', 330), ('cool', 330), ('convenient', 329), ('fact', 327), ('daily', 326), ('us', 325), ('model', 324), ('everyone', 324), ('ease', 322), ('touch', 322), ('where', 321), ('sd', 321), ('help', 321), ('charger', 321), ('6', 320), ('cover', 320), ('display', 316), ('decent', 315), ('birthday', 315), ('sometimes', 314), ('likes', 313), ('answer', 313), ('everyday', 311), ('experience', 309), ('hands', 308), ('learn', 307), ('granddaughter', 307), ('travel', 307), ('isn', 306), ('portable', 305), ('went', 303), ('issue', 301), ('original', 301), ('comes', 300), ('allows', 299), ('feel', 298), ('wonderful', 298), ('ads', 297), ('option', 297), ('job', 296), ('may', 294), ('hours', 293), ('instead', 292), ('quite', 292), ('asking', 292), ('lighting', 289), ('come', 288), ('voyage', 287), ('couldn', 286), ('youtube', 286), ('computer', 286), ('keeps', 286), ('recommended', 285), ('addition', 285), ('gets', 284), ('liked', 284), ('lightweight', 284), ('install', 280), ('quickly', 280), ('full', 279), ('d', 279), ('ll', 278), ('high', 278), ('present', 276), ('inexpensive', 274), ('actually', 274), ('information', 274), ('check', 274), ('worked', 274), ('listening', 273), ('commands', 273), ('gifts', 272), ('month', 272), ('technology', 271), ('someone', 270), ('stuff', 270), ('helpful', 268), ('takes', 267), ('search', 267), ('came', 266), ('enjoyed', 266), ('took', 265), ('entertainment', 264), ('interface', 264), ('outside', 264), ('said', 263), ('anywhere', 263), ('people', 262), ('start', 262), ('durable', 262), ('order', 262), ('cannot', 260), ('media', 260), ('bad', 260), ('tech', 258), ('color', 258), ('skills', 257), ('won', 256), ('connected', 256), ('mostly', 255), ('added', 255), ('reviews', 254), ('cord', 254), ('performance', 253), ('longer', 252), ('satisfied', 252), ('compared', 252), ('charging', 252), ('connection', 252), ('days', 251), ('exactly', 250), ('wasn', 250), ('load', 249), ('away', 248), ('try', 248), ('bright', 244), ('affordable', 244), ('done', 244), ('understand', 243), ('kindles', 242), ('fantastic', 241), ('next', 241), ('nothing', 241), ('limited', 239), ('why', 237), ('built', 237), ('replacement', 236), ('kodi', 236), ('tried', 235), ('speakers', 235), ('wrong', 235), ('cheaper', 234), ('point', 233), ('fits', 233), ('space', 233), ('previous', 231), ('others', 231), ('couple', 231), ('during', 230), ('purchasing', 228), ('stars', 226), ('whole', 226), ('disappointed', 225), ('samsung', 225), ('browsing', 225), ('nephew', 225), ('bed', 224), ('power', 224), ('backlight', 224), ('enjoys', 223), ('extremely', 223), ('items', 223), ('else', 222), ('purse', 219), ('real', 218), ('game', 218), ('side', 217), ('months', 217), ('gives', 216), ('choice', 216), ('smaller', 216), ('setting', 216), ('market', 216), ('weeks', 214), ('bigger', 213), ('handy', 213), ('run', 212), ('started', 212), ('paid', 210), ('looks', 210), ('mine', 210), ('dark', 210), ('ago', 209), ('compact', 208), ('three', 208), ('trying', 208), ('firestick', 208), ('due', 207), ('automation', 207), ('functions', 206), ('niece', 206), ('spend', 205), ('services', 205), ('person', 204), ('reason', 204), ('hand', 204), ('yr', 203), ('doing', 203), ('school', 203), ('answers', 203), ('vue', 203), ('downloaded', 201), ('grandkids', 201), ('responsive', 200), ('perfectly', 199), ('plug', 199), ('glare', 198), ('surfing', 197), ('change', 197), ('part', 197), ('wait', 197), ('expect', 196), ('between', 196), ('young', 196), ('returned', 194), ('although', 192), ('operate', 192), ('kitchen', 192), ('firetv', 192), ('9', 191), ('runs', 191), ('generation', 191), ('lasts', 191), ('helps', 190), ('regular', 190), ('law', 190), ('capabilities', 189), ('top', 188), ('offers', 187), ('wouldn', 186), ('probably', 186), ('finally', 184), ('owned', 184), ('facebook', 184), ('radio', 184), ('wants', 183), ('larger', 183), ('making', 183), ('impressed', 183), ('week', 183), ('received', 183), ('cut', 183), ('often', 182), ('here', 181), ('button', 180), ('command', 179), ('traveling', 178), ('along', 178), ('processor', 177), ('laptop', 177), ('pandora', 177), ('100', 176), ('buffering', 176), ('hue', 176), ('plenty', 174), ('place', 174), ('let', 174), ('question', 174), ('updates', 173), ('end', 173), ('movie', 171), ('via', 171), ('table', 170), ('nook', 170), ('seem', 170), ('brought', 170), ('age', 169), ('tab', 168), ('under', 168), ('ones', 168), ('ereader', 168), ('everywhere', 168), ('replaced', 168), ('fit', 167), ('complaints', 167), ('might', 167), ('hulu', 166), ('volume', 165), ('live', 165), ('jokes', 165), ('pictures', 164), ('expectations', 164), ('hear', 164), ('functionality', 163), ('educational', 163), ('morning', 163), ('text', 162), ('difference', 161), ('choose', 160), ('mini', 160), ('taking', 160), ('mainly', 159), ('either', 159), ('upgraded', 159), ('wireless', 159), ('sounds', 159), ('figure', 158), ('purchases', 158), ('parents', 158), ('lists', 158), ('warranty', 157), ('goes', 156), ('customer', 156), ('maybe', 156), ('playstation', 156), ('sister', 155), ('port', 155), ('downloading', 154), ('huge', 154), ('plan', 154), ('purpose', 154), ('response', 154), ('grand', 153), ('tool', 153), ('surprised', 153), ('future', 153), ('name', 152), ('otherwise', 152), ('simply', 151), ('advertised', 151), ('pages', 151), ('channels', 151), ('additional', 150), ('large', 150), ('third', 150), ('pick', 150), ('sunlight', 150), ('complaint', 149), ('until', 149), ('siri', 149), ('forward', 148), ('thinking', 148), ('provides', 148), ('adding', 148), ('thermostat', 148), ('multiple', 147), ('sun', 147), ('songs', 147), ('timer', 147), ('thanks', 146), ('audio', 146), ('readers', 146), ('alarm', 146), ('bedroom', 146), ('given', 145), ('difficult', 145), ('prefer', 145), ('minutes', 145), ('asked', 145), ('usb', 145), ('show', 144), ('micro', 144), ('ages', 144), ('recognition', 144), ('surf', 143), ('level', 142), ('open', 142), ('iphone', 142), ('amount', 141), ('dad', 141), ('beach', 141), ('line', 140), ('reliable', 140), ('tons', 140), ('support', 140), ('installed', 139), ('members', 138), ('ready', 138), ('says', 138), ('return', 138), ('99', 138), ('update', 137), ('os', 137), ('expandable', 136), ('rather', 136), ('loud', 136), ('personal', 135), ('adults', 135), ('software', 135), ('kind', 135), ('holds', 134), ('programs', 134), ('buttons', 133), ('save', 133), ('turning', 133), ('range', 133), ('ordered', 133), ('constantly', 133), ('timers', 133), ('ethernet', 133), ('starter', 132), ('allow', 131), ('soon', 131), ('local', 131), ('blue', 131), ('bucks', 130), ('picked', 130), ('break', 130), ('beginner', 129), ('emails', 129), ('keyboard', 129), ('wi', 129), ('info', 128), ('smooth', 127), ('annoying', 127), ('believe', 127), ('viewing', 127), ('sports', 127), ('selection', 127), ('living', 127), ('fi', 126), ('talk', 126), ('gadget', 126), ('priced', 125), ('loving', 125), ('review', 125), ('font', 125), ('car', 125), ('assistant', 125), ('checking', 124), ('reads', 124), ('totally', 124), ('mind', 124), ('told', 124), ('ended', 124), ('saw', 124), ('comfortable', 123), ('2nd', 123), ('compatible', 123), ('graphics', 122), ('grandchildren', 122), ('solid', 122), ('dots', 122), ('based', 121), ('ebooks', 121), ('player', 121), ('feels', 121), ('loaded', 121), ('piece', 121), ('fan', 120), ('broke', 120), ('certain', 120), ('35', 120), ('song', 120), ('worry', 119), ('alternative', 119), ('subscription', 119), ('cant', 119), ('design', 119), ('handle', 119), ('brand', 118), ('past', 118), ('membership', 118), ('alot', 117), ('brightness', 117), ('yes', 117), ('lag', 117), ('itself', 117), ('recently', 117), ('settings', 116), ('unlimited', 116), ('dropped', 116), ('nest', 116), ('main', 115), ('slot', 115), ('heavy', 115), ('3rd', 115), ('excited', 114), ('electronic', 114), ('turns', 114), ('non', 113), ('trips', 113), ('giving', 113), ('front', 113), ('become', 113), ('turned', 113), ('thank', 112), ('least', 112), ('savvy', 112), ('powerful', 112), ('bill', 112), ('adjust', 112), ('within', 111), ('half', 110), ('mode', 110), ('view', 110), ('trip', 110), ('research', 109), ('30', 109), ('spent', 109), ('colors', 108), ('lighter', 108), ('including', 108), ('crisp', 107), ('running', 107), ('gaming', 107), ('clarity', 107), ('unless', 107), ('busy', 107), ('inch', 106), ('father', 106), ('browser', 106), ('budget', 106), ('previously', 106), ('finding', 106), ('entertaining', 106), ('reasonable', 105), ('offer', 105), ('happier', 105), ('hit', 105), ('higher', 104), ('similar', 104), ('idea', 104), ('paying', 104), ('improvement', 104), ('40', 104), ('move', 104), ('cooking', 104), ('traffic', 104), ('charged', 103), ('included', 103), ('stop', 103), ('function', 103), ('course', 102), ('integration', 102), ('20', 102), ('okay', 102), ('four', 102), ('type', 101), ('later', 101), ('star', 101), ('knew', 100), ('primarily', 100), ('avid', 100), ('lock', 99), ('various', 99), ('trouble', 99), ('tells', 99), ('brother', 99), ('completely', 98), ('call', 98), ('spotify', 98), ('gotten', 97), ('sharp', 97), ('aren', 97), ('15', 97), ('program', 97), ('talking', 97), ('latest', 96), ('seen', 96), ('electronics', 96), ('intuitive', 96), ('short', 96), ('entertained', 96), ('u', 96), ('waiting', 95), ('except', 95), ('variety', 95), ('homework', 95), ('world', 95), ('specific', 95), ('hooked', 95), ('capable', 95), ('calendar', 95), ('photos', 94), ('applications', 94), ('general', 94), ('sleep', 94), ('truly', 93), ('browse', 93), ('lost', 93), ('close', 93), ('kept', 93), ('alone', 93), ('fairly', 93), ('left', 93), ('hub', 93), ('pad', 92), ('instructions', 92), ('hope', 92), ('toy', 92), ('rid', 92), ('considering', 92), ('functional', 92), ('background', 92), ('beginners', 91), ('special', 91), ('gb', 91), ('party', 91), ('downside', 91), ('models', 91), ('looked', 91), ('step', 90), ('users', 90), ('operating', 90), ('speak', 90), ('direct', 90), ('ways', 89), ('opinion', 89), ('capability', 89), ('gen', 88), ('road', 88), ('ton', 88), ('words', 88), ('alarms', 88), ('figured', 87), ('lol', 87), ('usually', 87), ('current', 87), ('toddler', 87), ('network', 87), ('dollars', 86), ('portability', 86), ('responds', 86), ('originally', 86), ('heard', 86), ('sturdy', 86), ('directly', 86), ('plugged', 86), ('whatever', 86), ('stopped', 85), ('television', 85), ('guess', 85), ('number', 85), ('leave', 84), ('wanting', 84), ('word', 84), ('searching', 84), ('xmas', 84), ('profile', 83), ('performs', 83), ('connects', 83), ('galaxy', 83), ('tasks', 83), ('drop', 83), ('lack', 83), ('office', 83), ('currently', 83), ('saying', 83), ('chromecast', 83), ('died', 82), ('investment', 82), ('basically', 81), ('1st', 81), ('onto', 81), ('charges', 81), ('switch', 81), ('limits', 80), ('lower', 80), ('today', 80), ('supposed', 80), ('stock', 80), ('wake', 80), ('loading', 79), ('boxes', 79), ('entire', 79), ('improved', 79), ('00', 79), ('company', 79), ('hook', 79), ('whether', 79), ('stand', 78), ('adult', 78), ('harmony', 78), ('bring', 78), ('build', 77), ('newer', 77), ('hd8', 77), ('social', 77), ('phones', 77), ('stay', 77), ('entry', 77), ('adds', 77), ('ipads', 77), ('fully', 77), ('beautiful', 77), ('49', 77), ('returning', 77), ('miss', 77), ('convenience', 77), ('matter', 77), ('limit', 76), ('updated', 76), ('daughters', 76), ('source', 76), ('print', 76), ('digital', 76), ('downloads', 76), ('cell', 76), ('household', 76), ('anymore', 75), ('younger', 75), ('opened', 75), ('played', 75), ('streams', 75), ('versions', 74), ('expand', 74), ('accounts', 74), ('broken', 74), ('care', 74), ('remember', 74), ('five', 74), ('link', 74), ('router', 74), ('hoping', 73), ('expecting', 73), ('pass', 73), ('bonus', 73), ('sales', 73), ('flawlessly', 73), ('regret', 73), ('edition', 73), ('incredible', 73), ('lit', 73), ('potential', 73), ('strain', 73), ('adjustable', 73), ('bargain', 72), ('outstanding', 72), ('chose', 72), ('usage', 72), ('immediately', 72), ('controlling', 72), ('rooms', 72), ('menu', 72), ('vacation', 71), ('serves', 71), ('bag', 71), ('holding', 71), ('respond', 71), ('grocery', 71), ('stations', 71), ('tired', 70), ('college', 70), ('decision', 70), ('seemed', 70), ('press', 70), ('sticks', 70), ('thrilled', 69), ('bottom', 69), ('im', 69), ('11', 69), ('geek', 69), ('pros', 69), ('helped', 69), ('sling', 69), ('satellite', 69), ('mail', 68), ('normal', 68), ('shop', 68), ('hasn', 68), ('complain', 68), ('major', 68), ('external', 68), ('protective', 68), ('cause', 68), ('prices', 68), ('package', 68), ('area', 67), ('fires', 67), ('earlier', 67), ('hdmi', 67), ('negative', 67), ('request', 67), ('across', 67), ('bestbuy', 67), ('knows', 67), ('eye', 67), ('advantage', 67), ('conditions', 67), ('outdoors', 67), ('purposes', 66), ('together', 66), ('yourself', 66), ('means', 66), ('tvs', 66), ('oasis', 66), ('cutting', 66), ('ordering', 65), ('actual', 65), ('amazed', 65), ('offered', 65), ('example', 65), ('internal', 65), ('boy', 65), ('flash', 65), ('buck', 65), ('parent', 65), ('alexia', 65), ('endless', 65), ('learned', 64), ('12', 64), ('receive', 64), ('date', 64), ('nephews', 64), ('process', 64), ('joke', 64), ('pre', 63), ('unlike', 63), ('choices', 63), ('freeze', 63), ('cases', 63), ('cameras', 63), ('continue', 63), ('exceeded', 63), ('standard', 63), ('send', 63), ('boys', 63), ('penny', 63), ('backlit', 63), ('wemo', 63), ('keeping', 62), ('compare', 62), ('mobile', 62), ('bunch', 62), ('near', 62), ('carrying', 62), ('coming', 62), ('interested', 62), ('switches', 62), ('lives', 61), ('breeze', 61), ('remove', 61), ('unfortunately', 61), ('hour', 61), ('note', 61), ('saved', 61), ('cons', 61), ('8gb', 61), ('drawback', 61), ('frustrating', 61), ('understands', 61), ('meets', 60), ('sold', 60), ('plane', 60), ('fix', 60), ('versatile', 60), ('companion', 60), ('protection', 60), ('required', 60), ('poor', 60), ('sync', 60), ('telling', 60), ('automatically', 59), ('strong', 59), ('security', 59), ('pocket', 59), ('drive', 59), ('vs', 59), ('audible', 59), ('bang', 59), ('realize', 59), ('imagine', 59), ('possible', 58), ('create', 58), ('processing', 58), ('net', 58), ('biggest', 58), ('magazines', 58), ('slightly', 58), ('loads', 58), ('navigation', 58), ('initially', 58), ('shipping', 58), ('neat', 58), ('linked', 57), ('lets', 57), ('share', 57), ('average', 57), ('auto', 57), ('beginning', 57), ('machine', 57), ('station', 57), ('activated', 57), ('clock', 57), ('programming', 57), ('bulbs', 57), ('sleek', 56), ('none', 56), ('designed', 56), ('tube', 56), ('4th', 56), ('requires', 56), ('underground', 56), ('brainer', 56), ('steal', 56), ('skeptical', 56), ('suggest', 56), ('brands', 56), ('inside', 56), ('waited', 56), ('reminders', 56), ('appropriate', 55), ('greatest', 55), ('knowledge', 55), ('spending', 55), ('connecting', 55), ('per', 55), ('business', 55), ('changed', 55), ('please', 55), ('hopefully', 55), ('lose', 54), ('met', 54), ('felt', 54), ('n', 54), ('obviously', 54), ('drops', 54), ('anytime', 54), ('noticed', 54), ('saving', 54), ('hbo', 54), ('capacity', 53), ('benefits', 53), ('door', 53), ('prior', 53), ('starting', 53), ('screens', 53), ('familiar', 53), ('personally', 53), ('certainly', 53), ('self', 53), ('called', 53), ('stays', 52), ('safe', 52), ('format', 52), ('ad', 52), ('squad', 52), ('properly', 52), ('echos', 52), ('quicker', 52), ('slower', 52), ('bills', 52), ('numerous', 52), ('somewhat', 52), ('pleasure', 52), ('areas', 52), ('true', 52), ('doesnt', 52), ('smarter', 52), ('ecosystem', 51), ('paired', 51), ('single', 51), ('hdx', 51), ('wow', 51), ('16', 51), ('monthly', 51), ('stereo', 51), ('seeing', 51), ('improve', 51), ('specifically', 51), ('reasonably', 51), ('literally', 51), ('random', 51), ('connectivity', 51), ('minor', 51), ('controller', 51), ('base', 50), ('data', 50), ('ideal', 50), ('missing', 50), ('nieces', 50), ('held', 50), ('sooner', 50), ('enjoyable', 50), ('oh', 50), ('physical', 50), ('chance', 50), ('taken', 50), ('surprise', 50), ('39', 50), ('wherever', 50), ('nearly', 50), ('separate', 50), ('33', 50), ('ink', 50), ('elderly', 49), ('important', 49), ('nicely', 49), ('freetime', 49), ('kinds', 49), ('ram', 49), ('pool', 49), ('exchange', 49), ('activities', 49), ('awhile', 49), ('waste', 49), ('frequently', 49), ('hardware', 49), ('premium', 49), ('provide', 49), ('necessary', 49), ('cloud', 49), ('interesting', 49), ('whenever', 49), ('reports', 49), ('besides', 48), ('allowed', 48), ('smoothly', 48), ('basis', 48), ('early', 48), ('presents', 48), ('form', 48), ('solution', 48), ('thru', 48), ('forever', 48), ('appear', 48), ('appreciate', 48), ('200', 48), ('leather', 48), ('scores', 48), ('consider', 47), ('specs', 47), ('throughout', 47), ('class', 47), ('smartphone', 47), ('bother', 47), ('downfall', 47), ('rest', 47), ('calls', 47), ('begin', 47), ('80', 47), ('air', 47), ('units', 47), ('occasionally', 47), ('reasons', 47), ('whistles', 47), ('clean', 47), ('anyway', 47), ('instantly', 47), ('hundreds', 46), ('pop', 46), ('forget', 46), ('putting', 46), ('ebook', 46), ('image', 46), ('surprisingly', 46), ('complicated', 46), ('saves', 46), ('crazy', 46), ('series', 46), ('normally', 46), ('intended', 46), ('bells', 46), ('answering', 46), ('adapter', 46), ('wall', 46), ('recipes', 46), ('philips', 46), ('reset', 45), ('places', 45), ('microsd', 45), ('credit', 45), ('thousands', 45), ('dim', 45), ('material', 45), ('dead', 45), ('particular', 45), ('300', 45), ('moving', 45), ('opening', 45), ('rating', 45), ('2015', 45), ('honestly', 45), ('girlfriend', 45), ('catch', 45), ('dedicated', 45), ('weak', 45), ('protect', 45), ('trivia', 45), ('pro', 44), ('60', 44), ('sit', 44), ('grandsons', 44), ('rate', 44), ('pair', 44), ('adequate', 44), ('holidays', 44), ('lasted', 44), ('possibilities', 44), ('password', 44), ('finger', 44), ('happen', 44), ('informative', 44), ('accurate', 44), ('sitting', 44), ('fall', 44), ('spot', 44), ('require', 44), ('sense', 44), ('pull', 44), ('gadgets', 44), ('wired', 44), ('requests', 44), ('recipient', 43), ('replacing', 43), ('locked', 43), ('youngest', 43), ('surface', 43), ('ahead', 43), ('thin', 43), ('face', 43), ('hate', 43), ('constant', 43), ('nexus', 43), ('sign', 43), ('terrific', 43), ('explore', 43), ('advertising', 43), ('application', 43), ('further', 43), ('impressive', 43), ('upon', 43), ('tooth', 43), ('described', 43), ('complete', 43), ('stuck', 43), ('sonos', 43), ('thermostats', 43), ('monitor', 42), ('freezes', 42), ('cards', 42), ('minimal', 42), ('listens', 42), ('efficient', 42), ('proof', 42), ('sell', 42), ('middle', 42), ('sons', 42), ('damage', 42), ('eventually', 42), ('correct', 42), ('girl', 42), ('con', 42), ('watches', 42), ('location', 42), ('confusing', 42), ('hesitant', 42), ('kinda', 42), ('w', 42), ('garage', 42), ('sites', 41), ('push', 41), ('bulky', 41), ('likely', 41), ('enabled', 41), ('notes', 41), ('16gb', 41), ('wide', 41), ('terrible', 41), ('mention', 41), ('core', 41), ('provided', 41), ('platform', 41), ('practical', 41), ('points', 41), ('signal', 41), ('win', 41), ('protector', 41), ('advanced', 41), ('upstairs', 41), ('useless', 41), ('casual', 40), ('files', 40), ('worried', 40), ('stores', 40), ('increase', 40), ('beats', 40), ('thus', 40), ('fastest', 40), ('integrated', 40), ('curve', 40), ('occasional', 40), ('hurt', 40), ('equipment', 40), ('bose', 40), ('sensitive', 40), ('delivery', 40), ('girls', 40), ('popular', 39), ('utilize', 39), ('moment', 39), ('unable', 39), ('careful', 39), ('rear', 39), ('baby', 39), ('wont', 39), ('twice', 39), ('ran', 39), ('tough', 39), ('staff', 39), ('six', 39), ('clearly', 39), ('cracked', 39), ('man', 39), ('pain', 39), ('throw', 39), ('demand', 39), ('jeopardy', 39), ('silk', 38), ('appointments', 38), ('pics', 38), ('subscribe', 38), ('holiday', 38), ('limitations', 38), ('aware', 38), ('pleasantly', 38), ('beyond', 38), ('x', 38), ('profiles', 38), ('realized', 38), ('granddaughters', 38), ('menus', 38), ('receiver', 38), ('o', 38), ('recent', 38), ('perform', 38), ('asleep', 38), ('thanksgiving', 38), ('track', 38), ('include', 38), ('enable', 38), ('fixed', 38), ('smoother', 38), ('batteries', 38), ('trial', 38), ('ai', 38), ('forecast', 38), ('temperature', 38), ('flexibility', 37), ('afford', 37), ('occupied', 37), ('thoroughly', 37), ('incredibly', 37), ('fee', 37), ('total', 37), ('notice', 37), ('abilities', 37), ('pc', 37), ('behind', 37), ('quad', 37), ('dollar', 37), ('plastic', 37), ('floor', 37), ('hot', 37), ('primary', 37), ('water', 37), ('artist', 37), ('basics', 36), ('switched', 36), ('didnt', 36), ('fancy', 36), ('pricey', 36), ('yrs', 36), ('mean', 36), ('recharge', 36), ('sort', 36), ('concerned', 36), ('lacks', 36), ('tag', 36), ('task', 36), ('thats', 36), ('pdf', 36), ('improvements', 36), ('supports', 36), ('seconds', 36), ('plugs', 36), ('controlled', 36), ('sony', 36), ('aunt', 35), ('difficulty', 35), ('charm', 35), ('costs', 35), ('ive', 35), ('unbelievable', 35), ('events', 35), ('outlet', 35), ('readable', 35), ('bb', 35), ('90', 35), ('glass', 35), ('includes', 35), ('needing', 35), ('understanding', 35), ('fingertips', 35), ('guy', 35), ('depending', 35), ('grandma', 35), ('deals', 35), ('extended', 35), ('straight', 35), ('newest', 35), ('guide', 35), ('ui', 35), ('continues', 35), ('borrow', 35), ('accidentally', 35), ('backlighting', 35), ('pleasant', 35), ('channel', 35), ('microphone', 35), ('skill', 35), ('integrate', 35), ('plex', 35), ('funny', 35), ('streamer', 35), ('preloaded', 34), ('olds', 34), ('effective', 34), ('hoped', 34), ('despite', 34), ('lighted', 34), ('gone', 34), ('hearing', 34), ('wise', 34), ('chrome', 34), ('above', 34), ('128gb', 34), ('site', 34), ('operation', 34), ('became', 34), ('discovered', 34), ('finds', 34), ('appears', 34), ('feeling', 34), ('quiet', 34), ('breaks', 34), ('factor', 34), ('com', 34), ('edge', 34), ('types', 34), ('seriously', 34), ('fraction', 33), ('relatively', 33), ('clearer', 33), ('fills', 33), ('lacking', 33), ('noticeable', 33), ('nicer', 33), ('barely', 33), ('happened', 33), ('ios', 33), ('follow', 33), ('covers', 33), ('showed', 33), ('b', 33), ('superior', 33), ('ultra', 33), ('touchscreen', 33), ('hassle', 33), ('minute', 33), ('led', 33), ('answered', 33), ('outdoor', 33), ('bumper', 33), ('rarely', 33), ('ps', 33), ('directv', 33), ('bass', 33), ('ifttt', 33), ('buffer', 33), ('skype', 32), ('knowledgeable', 32), ('joy', 32), ('manage', 32), ('released', 32), ('hers', 32), ('multi', 32), ('rough', 32), ('log', 32), ('pack', 32), ('accessible', 32), ('damaged', 32), ('shield', 32), ('directions', 32), ('hardly', 32), ('knowing', 32), ('chargers', 32), ('moved', 32), ('defective', 32), ('flawless', 32), ('selections', 32), ('sufficient', 32), ('key', 32), ('test', 32), ('swipe', 32), ('suggested', 32), ('public', 32), ('country', 32), ('planning', 32), ('growing', 32), ('correctly', 32), ('accessories', 32), ('technical', 32), ('speaking', 32), ('instant', 32), ('3g', 32), ('facts', 32), ('integrates', 32), ('links', 31), ('grandmother', 31), ('disappoint', 31), ('initial', 31), ('tabs', 31), ('late', 31), ('seamlessly', 31), ('owner', 31), ('travels', 31), ('speech', 31), ('exchanged', 31), ('transfer', 31), ('70', 31), ('starts', 31), ('searches', 31), ('train', 31), ('tiny', 31), ('quit', 31), ('bank', 31), ('suppose', 31), ('comparable', 31), ('recomend', 31), ('frustrated', 31), ('math', 31), ('wonderfully', 31), ('headphones', 31), ('effort', 31), ('serious', 31), ('students', 31), ('34', 31), ('teach', 31), ('report', 31), ('responses', 31), ('teenage', 30), ('13', 30), ('snappy', 30), ('junk', 30), ('windows', 30), ('titles', 30), ('def', 30), ('restart', 30), ('greatly', 30), ('shut', 30), ('discount', 30), ('loose', 30), ('arrived', 30), ('boyfriend', 30), ('navigating', 30), ('dictionary', 30), ('systems', 30), ('acceptable', 30), ('commute', 30), ('wink', 30), ('logitech', 30), ('antenna', 30), ('teens', 29), ('versus', 29), ('playback', 29), ('meant', 29), ('comparison', 29), ('god', 29), ('upgrading', 29), ('lasting', 29), ('fabulous', 29), ('durability', 29), ('nvidia', 29), ('installing', 29), ('particularly', 29), ('hey', 29), ('watched', 29), ('rides', 29), ('changes', 29), ('caught', 29), ('becomes', 29), ('opportunity', 29), ('commercials', 29), ('letters', 29), ('decide', 29), ('offering', 29), ('style', 29), ('sets', 29), ('1080p', 29), ('hang', 29), ('vudu', 29), ('phillips', 29), ('brighter', 28), ('visit', 28), ('speedy', 28), ('expansion', 28), ('advertisements', 28), ('sorts', 28), ('breaking', 28), ('delivered', 28), ('pink', 28), ('researched', 28), ('knock', 28), ('aspect', 28), ('appstore', 28), ('exact', 28), ('airplane', 28), ('terms', 28), ('fell', 28), ('cousin', 28), ('itunes', 28), ('manually', 28), ('click', 28), ('student', 28), ('forth', 28), ('learns', 28), ('contrast', 28), ('secure', 28), ('relative', 28), ('anybody', 28), ('attached', 28), ('louder', 28), ('message', 28), ('dinner', 28), ('daylight', 28), ('placed', 28), ('soft', 28), ('provider', 28), ('novelty', 28), ('automated', 28), ('firebox', 28), ('tables', 27), ('contact', 27), ('offline', 27), ('sorry', 27), ('existing', 27), ('crystal', 27), ('concern', 27), ('cumbersome', 27), ('supported', 27), ('sources', 27), ('powered', 27), ('falls', 27), ('sent', 27), ('picking', 27), ('summer', 27), ('saver', 27), ('tips', 27), ('fair', 27), ('generally', 27), ('voyager', 27), ('protected', 27), ('fault', 27), ('removed', 27), ('admit', 27), ('paperback', 27), ('freezing', 27), ('history', 27), ('engine', 27), ('walk', 27), ('downstairs', 27), ('expanding', 27), ('schedule', 27), ('firesticks', 27), ('playlist', 27), ('activation', 27), ('experienced', 26), ('easiest', 26), ('2016', 26), ('maneuver', 26), ('santa', 26), ('fourth', 26), ('aside', 26), ('increased', 26), ('images', 26), ('disappointing', 26), ('known', 26), ('tend', 26), ('brings', 26), ('benefit', 26), ('register', 26), ('mentioned', 26), ('missed', 26), ('outlets', 26), ('assistance', 26), ('grow', 26), ('creating', 26), ('mouse', 26), ('thumbs', 26), ('theirs', 26), ('locks', 26), ('modem', 26), ('lamp', 26), ('installation', 26), ('collection', 26), ('noise', 26), ('hears', 26), ('smartthings', 26), ('unlock', 25), ('avoid', 25), ('prize', 25), ('ipod', 25), ('upload', 25), ('dish', 25), ('layout', 25), ('adjustment', 25), ('backup', 25), ('aps', 25), ('adjusting', 25), ('comment', 25), ('ps4', 25), ('related', 25), ('pixels', 25), ('upgrades', 25), ('slim', 25), ('losing', 25), ('senior', 25), ('versatility', 25), ('recognize', 25), ('attractive', 25), ('updating', 25), ('refund', 25), ('write', 25), ('activate', 25), ('weekend', 25), ('lil', 25), ('customize', 25), ('couch', 25), ('dual', 25), ('band', 25), ('winner', 25), ('mess', 25), ('sounding', 25), ('situations', 25), ('cancel', 25), ('results', 25), ('interact', 25), ('briefing', 25), ('interactive', 24), ('worse', 24), ('restrictions', 24), ('devise', 24), ('automatic', 24), ('failed', 24), ('common', 24), ('computers', 24), ('season', 24), ('relaxing', 24), ('extensive', 24), ('tied', 24), ('glitches', 24), ('oldest', 24), ('puts', 24), ('thinks', 24), ('heavier', 24), ('weren', 24), ('period', 24), ('typing', 24), ('techie', 24), ('manual', 24), ('phenomenal', 24), ('playstore', 24), ('rubber', 24), ('wore', 24), ('situation', 24), ('delete', 24), ('calling', 24), ('helping', 24), ('128', 24), ('silly', 24), ('gonna', 24), ('environment', 24), ('bar', 24), ('head', 24), ('tho', 24), ('exploring', 24), ('delivers', 24), ('heart', 24), ('liking', 24), ('towards', 24), ('wonder', 24), ('slowly', 24), ('stolen', 24), ('connections', 24), ('definition', 24), ('appliances', 24), ('receiving', 23), ('allowing', 23), ('perhaps', 23), ('superb', 23), ('lags', 23), ('sized', 23), ('bugs', 23), ('zero', 23), ('advertisement', 23), ('owning', 23), ('sucks', 23), ('blows', 23), ('disappointment', 23), ('repeat', 23), ('action', 23), ('14', 23), ('fonts', 23), ('comparing', 23), ('dog', 23), ('sweet', 23), ('ours', 23), ('regularly', 23), ('par', 23), ('pricing', 23), ('performed', 23), ('coffee', 23), ('overpriced', 23), ('justify', 23), ('deck', 23), ('periods', 23), ('finish', 23), ('match', 23), ('glasses', 23), ('adjusts', 23), ('lived', 23), ('sunshine', 23), ('proper', 23), ('block', 23), ('0', 23), ('stories', 23), ('happens', 23), ('input', 23), ('default', 23), ('luck', 23), ('stable', 23), ('levels', 23), ('amazingly', 23), ('interaction', 23), ('theater', 23), ('cancelled', 23), ('bing', 23), ('nabi', 22), ('lite', 22), ('afraid', 22), ('position', 22), ('pressure', 22), ('mails', 22), ('websites', 22), ('documents', 22), ('bible', 22), ('shade', 22), ('articles', 22), ('preferred', 22), ('sideload', 22), ('invested', 22), ('seamless', 22), ('messages', 22), ('selling', 22), ('grandchild', 22), ('hesitate', 22), ('convert', 22), ('importantly', 22), ('amazons', 22), ('trigger', 22), ('aspects', 22), ('checked', 22), ('boot', 22), ('cast', 22), ('interest', 22), ('honest', 22), ('closed', 22), ('jump', 22), ('positive', 22), ('output', 22), ('organized', 22), ('below', 22), ('stated', 22), ('gotta', 22), ('dvd', 22), ('discover', 22), ('virtually', 22), ('disturbing', 22), ('coolest', 22), ('blast', 22), ('talks', 22), ('discovering', 22), ('appletv', 22), ('grown', 21), ('flights', 21), ('highlight', 21), ('enjoyment', 21), ('rely', 21), ('shuts', 21), ('laggy', 21), ('evening', 21), ('photo', 21), ('root', 21), ('website', 21), ('nor', 21), ('absolute', 21), ('tends', 21), ('32gb', 21), ('eight', 21), ('locations', 21), ('travelling', 21), ('bedtime', 21), ('providing', 21), ('froze', 21), ('entertain', 21), ('horrible', 21), ('gig', 21), ('kiddos', 21), ('consumption', 21), ('accessing', 21), ('tools', 21), ('talked', 21), ('worthwhile', 21), ('elsewhere', 21), ('yo', 21), ('simplicity', 21), ('subscriptions', 21), ('against', 21), ('vocabulary', 21), ('feedback', 21), ('began', 21), ('slick', 21), ('solved', 21), ('sending', 21), ('readability', 21), ('bored', 21), ('orders', 21), ('operates', 21), ('syncs', 21), ('chat', 21), ('v', 21), ('hubby', 21), ('opposed', 21), ('mic', 21), ('essentially', 21), ('xm', 21), ('whatsoever', 21), ('hotel', 21), ('bye', 21), ('desktop', 20), ('considered', 20), ('fail', 20), ('minimum', 20), ('facing', 20), ('cartoons', 20), ('individual', 20), ('dropping', 20), ('flat', 20), ('transport', 20), ('speeds', 20), ('filled', 20), ('language', 20), ('figuring', 20), ('meet', 20), ('ten', 20), ('availability', 20), ('researching', 20), ('cook', 20), ('apart', 20), ('impossible', 20), ('seven', 20), ('associate', 20), ('flaw', 20), ('snap', 20), ('weekly', 20), ('till', 20), ('responsiveness', 20), ('separately', 20), ('lap', 20), ('select', 20), ('drain', 20), ('grab', 20), ('becoming', 20), ('group', 20), ('alexis', 20), ('sad', 20), ('doubt', 20), ('unique', 20), ('switching', 20), ('lines', 20), ('natural', 20), ('ac', 20), ('sleeping', 20), ('feet', 20), ('numbers', 20), ('master', 20), ('himself', 20), ('factory', 20), ('pixel', 20), ('tricks', 20), ('center', 20), ('comcast', 20), ('distance', 20), ('pizza', 20), ('iheart', 20), ('ur', 19), ('packaging', 19), ('length', 19), ('delighted', 19), ('handles', 19), ('safety', 19), ('expanded', 19), ('typically', 19), ('substitute', 19), ('noticeably', 19), ('fianc', 19), ('buys', 19), ('december', 19), ('reboot', 19), ('tested', 19), ('activity', 19), ('willing', 19), ('rep', 19), ('89', 19), ('strongly', 19), ('functioning', 19), ('regrets', 19), ('sunny', 19), ('64', 19), ('grade', 19), ('opens', 19), ('reviewed', 19), ('wished', 19), ('beautifully', 19), ('g', 19), ('challenged', 19), ('25', 19), ('modern', 19), ('aging', 19), ('possibly', 19), ('5th', 19), ('instagram', 19), ('attention', 19), ('food', 19), ('simpler', 19), ('welcome', 19), ('employee', 19), ('customers', 19), ('flip', 19), ('debated', 19), ('error', 19), ('weird', 19), ('18', 19), ('l', 19), ('draw', 19), ('fingers', 19), ('file', 19), ('picks', 19), ('meaning', 19), ('created', 19), ('indoors', 19), ('companies', 19), ('changing', 19), ('playlists', 19), ('ray', 19), ('wire', 19), ('mood', 19), ('temp', 19), ('worst', 18), ('vision', 18), ('promised', 18), ('pdfs', 18), ('inappropriate', 18), ('audiobooks', 18), ('twins', 18), ('32', 18), ('everybody', 18), ('trick', 18), ('vibrant', 18), ('harder', 18), ('recommendation', 18), ('rocks', 18), ('neither', 18), ('shown', 18), ('informed', 18), ('practically', 18), ('study', 18), ('lightning', 18), ('2017', 18), ('shipped', 18), ('ups', 18), ('desk', 18), ('leaving', 18), ('eco', 18), ('cleaning', 18), ('pushing', 18), ('reward', 18), ('deciding', 18), ('employees', 18), ('active', 18), ('iphones', 18), ('buyer', 18), ('showing', 18), ('supply', 18), ('magazine', 18), ('release', 18), ('wakes', 18), ('expense', 18), ('double', 18), ('scratch', 18), ('imagined', 18), ('copy', 18), ('dpi', 18), ('plain', 18), ('mothers', 18), ('abc', 18), ('ons', 18), ('disney', 18), ('grabbed', 18), ('crack', 18), ('75', 18), ('bathroom', 18), ('visiting', 18), ('lazy', 18), ('covered', 18), ('ppi', 18), ('remotes', 18), ('toddlers', 18), ('ourselves', 18), ('asks', 18), ('tunes', 18), ('transferred', 17), ('desired', 17), ('graphic', 17), ('clunky', 17), ('alex', 17), ('preference', 17), ('novels', 17), ('hundred', 17), ('heat', 17), ('64gb', 17), ('wear', 17), ('customizable', 17), ('training', 17), ('differences', 17), ('sub', 17), ('robust', 17), ('managed', 17), ('grandparents', 17), ('usual', 17), ('gripe', 17), ('icons', 17), ('replaces', 17), ('displays', 17), ('syncing', 17), ('worries', 17), ('sharing', 17), ('imo', 17), ('apparently', 17), ('herself', 17), ('greater', 17), ('rich', 17), ('geared', 17), ('cute', 17), ('parts', 17), ('overdrive', 17), ('sluggish', 17), ('laying', 17), ('corner', 17), ('reduced', 17), ('regardless', 17), ('palm', 17), ('distracting', 17), ('sat', 17), ('dumb', 17), ('reminder', 17), ('story', 17), ('y', 17), ('max', 17), ('pickup', 17), ('freedom', 17), ('k', 17), ('sirius', 17), ('toys', 17), ('voices', 17), ('subscribed', 17), ('savings', 17), ('rechargeable', 17), ('unplug', 17), ('lifx', 17), ('uhd', 17), ('uncle', 16), ('siblings', 16), ('continually', 16), ('raffle', 16), ('dream', 16), ('inches', 16), ('frame', 16), ('grip', 16), ('hotspot', 16), ('savy', 16), ('recharging', 16), ('jack', 16), ('following', 16), ('shape', 16), ('lug', 16), ('xbox', 16), ('teen', 16), ('heck', 16), ('performing', 16), ('steps', 16), ('puzzles', 16), ('conversation', 16), ('95', 16), ('whim', 16), ('exceptional', 16), ('comfortably', 16), ('disable', 16), ('loss', 16), ('adjusted', 16), ('significant', 16), ('fees', 16), ('lady', 16), ('scrolling', 16), ('materials', 16), ('teenager', 16), ('significantly', 16), ('sisters', 16), ('teaching', 16), ('bezel', 16), ('flimsy', 16), ('building', 16), ('spare', 16), ('waking', 16), ('post', 16), ('sides', 16), ('gentle', 16), ('unbeatable', 16), ('ensure', 16), ('board', 16), ('bc', 16), ('visible', 16), ('accent', 16), ('skip', 16), ('owners', 16), ('signed', 16), ('strictly', 16), ('additionally', 16), ('section', 16), ('tries', 16), ('worthy', 16), ('opted', 16), ('sits', 16), ('favor', 16), ('anticipated', 16), ('genre', 16), ('concept', 16), ('intercom', 16), ('cutter', 16), ('highest', 15), ('awful', 15), ('salesman', 15), ('upset', 15), ('packed', 15), ('management', 15), ('restricted', 15), ('chair', 15), ('jealous', 15), ('gifted', 15), ('flight', 15), ('purple', 15), ('impulse', 15), ('stylus', 15), ('consistently', 15), ('pieces', 15), ('gym', 15), ('explain', 15), ('shot', 15), ('traditional', 15), ('therefore', 15), ('competitive', 15), ('comfort', 15), ('ha', 15), ('twin', 15), ('reminds', 15), ('contacted', 15), ('flexible', 15), ('education', 15), ('orange', 15), ('rooting', 15), ('frequent', 15), ('24', 15), ('convinced', 15), ('neice', 15), ('favorites', 15), ('pads', 15), ('stored', 15), ('specially', 15), ('address', 15), ('registered', 15), ('spouse', 15), ('extras', 15), ('moderate', 15), ('whats', 15), ('red', 15), ('ambient', 15), ('spots', 15), ('advance', 15), ('reach', 15), ('description', 15), ('scroll', 15), ('lately', 15), ('fold', 15), ('packs', 15), ('folks', 15), ('supplement', 15), ('somewhere', 15), ('families', 15), ('sideloaded', 15), ('players', 15), ('lagging', 15), ('policy', 15), ('stupid', 15), ('blown', 15), ('comments', 15), ('fence', 15), ('spoke', 15), ('dependable', 15), ('partner', 15), ('distracted', 15), ('relax', 15), ('hooks', 15), ('patient', 15), ('vast', 15), ('recognizes', 15), ('requested', 15), ('hype', 15), ('glow', 15), ('bedrooms', 15), ('podcasts', 15), ('programmed', 15), ('steaming', 15), ('comics', 14), ('husbands', 14), ('prevent', 14), ('surround', 14), ('rugged', 14), ('fb', 14), ('resource', 14), ('state', 14), ('fir', 14), ('intelligent', 14), ('server', 14), ('fill', 14), ('catching', 14), ('shelf', 14), ('direction', 14), ('exceeds', 14), ('explained', 14), ('gmail', 14), ('150', 14), ('progress', 14), ('suitable', 14), ('result', 14), ('upcoming', 14), ('handed', 14), ('enlarge', 14), ('moves', 14), ('rent', 14), ('manufacturer', 14), ('awkward', 14), ('yesterday', 14), ('bringing', 14), ('writing', 14), ('backpack', 14), ('spends', 14), ('abuse', 14), ('desire', 14), ('spectacular', 14), ('letting', 14), ('usable', 14), ('networks', 14), ('eyesight', 14), ('thinner', 14), ('al', 14), ('3yr', 14), ('gps', 14), ('co', 14), ('event', 14), ('ties', 14), ('pulled', 14), ('encourage', 14), ('jacket', 14), ('randomly', 14), ('refer', 14), ('indeed', 14), ('typical', 14), ('notch', 14), ('leaves', 14), ('r', 14), ('recipe', 14), ('universal', 14), ('status', 14), ('overseas', 14), ('lowest', 14), ('touching', 14), ('origami', 14), ('tall', 14), ('scratched', 14), ('tight', 14), ('scratches', 14), ('accessory', 14), ('bundle', 14), ('distractions', 14), ('sadly', 14), ('communicate', 14), ('trust', 14), ('eliminate', 14), ('fight', 14), ('record', 14), ('deep', 14), ('fifty', 14), ('focus', 14), ('couldnt', 14), ('testing', 14), ('condition', 14), ('technically', 14), ('requesting', 14), ('havent', 14), ('competition', 14), ('4yr', 14), ('yard', 14), ('episodes', 14), ('guarantee', 14), ('guest', 14), ('characters', 14), ('protects', 14), ('lover', 14), ('patio', 14), ('echoes', 14), ('showtime', 14), ('slingtv', 14), ('wonders', 13), ('extreme', 13), ('65', 13), ('59', 13), ('clash', 13), ('theres', 13), ('reccomend', 13), ('pairs', 13), ('glitch', 13), ('teenagers', 13), ('hi', 13), ('medium', 13), ('compatibility', 13), ('xfinity', 13), ('edit', 13), ('cpu', 13), ('essential', 13), ('unhappy', 13), ('unnecessary', 13), ('manager', 13), ('luv', 13), ('challenge', 13), ('unsure', 13), ('enables', 13), ('clumsy', 13), ('classes', 13), ('enhance', 13), ('ignore', 13), ('themselves', 13), ('round', 13), ('introduced', 13), ('code', 13), ('hits', 13), ('prompt', 13), ('lenovo', 13), ('combined', 13), ('weighs', 13), ('handling', 13), ('refurbished', 13), ('responding', 13), ('novice', 13), ('tremendous', 13), ('overly', 13), ('sometime', 13), ('team', 13), ('advice', 13), ('wondering', 13), ('route', 13), ('exception', 13), ('optional', 13), ('briefings', 13), ('acts', 13), ('appearance', 13), ('discounted', 13), ('tip', 13), ('hooking', 13), ('suits', 13), ('resistant', 13), ('square', 13), ('angle', 13), ('located', 13), ('spelling', 13), ('colored', 13), ('native', 13), ('count', 13), ('canceled', 13), ('clutter', 13), ('prefers', 13), ('organize', 13), ('19', 13), ('mistake', 13), ('storing', 13), ('sensitivity', 13), ('ground', 13), ('hide', 13), ('reception', 13), ('serve', 13), ('details', 13), ('commercial', 13), ('highlights', 13), ('complains', 13), ('insert', 13), ('breaker', 13), ('darn', 13), ('laws', 13), ('patience', 13), ('insurance', 13), ('fighting', 13), ('bookmark', 13), ('immediate', 13), ('technologically', 13), ('park', 13), ('listed', 13), ('rock', 13), ('toward', 13), ('classic', 13), ('haha', 13), ('usefulness', 13), ('complex', 13), ('carried', 13), ('summary', 13), ('among', 13), ('stylish', 13), ('spell', 13), ('sing', 13), ('doors', 13), ('pause', 13), ('wikipedia', 13), ('disturb', 13), ('dx', 13), ('attach', 13), ('forecasts', 13), ('automate', 13), ('briefs', 13), ('slingbox', 13), ('dvr', 13), ('productivity', 12), ('shouldn', 12), ('isnt', 12), ('69', 12), ('limiting', 12), ('86', 12), ('instruction', 12), ('minecraft', 12), ('names', 12), ('rated', 12), ('headphone', 12), ('east', 12), ('odd', 12), ('practice', 12), ('darker', 12), ('improves', 12), ('inability', 12), ('accept', 12), ('spoiled', 12), ('retina', 12), ('requirements', 12), ('twitter', 12), ('staying', 12), ('utility', 12), ('c', 12), ('countless', 12), ('everytime', 12), ('economical', 12), ('dislike', 12), ('annoyed', 12), ('tutorial', 12), ('utilizing', 12), ('town', 12), ('sizes', 12), ('6th', 12), ('magnetic', 12), ('settled', 12), ('standing', 12), ('lg', 12), ('hence', 12), ('cruise', 12), ('secondary', 12), ('ridiculous', 12), ('claim', 12), ('improving', 12), ('slip', 12), ('forced', 12), ('curious', 12), ('cables', 12), ('min', 12), ('notifications', 12), ('construction', 12), ('smile', 12), ('tricky', 12), ('checks', 12), ('17', 12), ('appreciated', 12), ('refresh', 12), ('disposable', 12), ('grows', 12), ('flush', 12), ('waterproof', 12), ('printed', 12), ('annoyance', 12), ('slight', 12), ('hinge', 12), ('swiping', 12), ('falling', 12), ('miles', 12), ('locate', 12), ('manufacturing', 12), ('ship', 12), ('ports', 12), ('hated', 12), ('minus', 12), ('45', 12), ('magic', 12), ('nine', 12), ('bday', 12), ('nearby', 12), ('frozen', 12), ('success', 12), ('rca', 12), ('combination', 12), ('fool', 12), ('treat', 12), ('hotels', 12), ('cords', 12), ('trade', 12), ('walking', 12), ('classroom', 12), ('eg', 12), ('awsome', 12), ('cnn', 12), ('proved', 12), ('begun', 12), ('apartment', 12), ('carries', 12), ('components', 12), ('experiment', 12), ('counter', 12), ('pairing', 12), ('invest', 12), ('espn', 12), ('dock', 12), ('assist', 12), ('development', 12), ('instance', 12), ('debating', 12), ('closer', 12), ('corny', 12), ('smarthome', 12), ('trek', 12), ('basement', 12), ('hardwired', 12), ('thick', 11), ('visual', 11), ('salesperson', 11), ('satisfactory', 11), ('needless', 11), ('mp3', 11), ('cash', 11), ('insignia', 11), ('bothered', 11), ('newspaper', 11), ('maximize', 11), ('worrying', 11), ('recommending', 11), ('term', 11), ('paperweight', 11), ('multitude', 11), ('mirror', 11), ('exciting', 11), ('taste', 11), ('balance', 11), ('filter', 11), ('textbooks', 11), ('struggle', 11), ('limitation', 11), ('alright', 11), ('autistic', 11), ('microsoft', 11), ('1000', 11), ('worn', 11), ('indoor', 11), ('amd', 11), ('enter', 11), ('luckily', 11), ('join', 11), ('bf', 11), ('goals', 11), ('dies', 11), ('citizen', 11), ('guys', 11), ('definite', 11), ('arm', 11), ('lugging', 11), ('clicking', 11), ('managing', 11), ('downloadable', 11), ('states', 11), ('relatives', 11), ('hack', 11), ('fuss', 11), ('generic', 11), ('suited', 11), ('compete', 11), ('hookup', 11), ('bulk', 11), ('regarding', 11), ('title', 11), ('bet', 11), ('intrusive', 11), ('produces', 11), ('approved', 11), ('dust', 11), ('graduation', 11), ('hospital', 11), ('causing', 11), ('sole', 11), ('poorly', 11), ('complained', 11), ('lovers', 11), ('adaptive', 11), ('entirely', 11), ('effect', 11), ('agree', 11), ('written', 11), ('necessarily', 11), ('washington', 11), ('ie', 11), ('kit', 11), ('socket', 11), ('fiance', 11), ('delay', 11), ('phrases', 11), ('nervous', 11), ('seniors', 11), ('volumes', 11), ('coupled', 11), ('stairs', 11), ('birthdays', 11), ('6yr', 11), ('stocking', 11), ('yeah', 11), ('wouldnt', 11), ('majority', 11), ('streamed', 11), ('leisure', 11), ('andriod', 11), ('tax', 11), ('occasion', 11), ('shorter', 11), ('excelent', 11), ('dimming', 11), ('ap', 11), ('84', 11), ('proven', 11), ('tune', 11), ('professional', 11), ('pinterest', 11), ('brief', 11), ('vizio', 11), ('logging', 11), ('centric', 11), ('expectation', 11), ('consistent', 11), ('anti', 11), ('habit', 11), ('mad', 11), ('contents', 11), ('fails', 11), ('throws', 11), ('synced', 11), ('foreign', 11), ('ideas', 11), ('named', 11), ('reduce', 11), ('firmware', 11), ('assume', 11), ('elite', 11), ('definitions', 11), ('phrase', 11), ('youll', 11), ('homes', 11), ('integrating', 11), ('microphones', 11), ('parties', 11), ('streamers', 11), ('hardwire', 11), ('lan', 11), ('footprint', 10), ('reference', 10), ('surgery', 10), ('retired', 10), ('500', 10), ('completed', 10), ('champ', 10), ('navigates', 10), ('matters', 10), ('clans', 10), ('pen', 10), ('virus', 10), ('gigs', 10), ('perks', 10), ('closest', 10), ('customized', 10), ('exclusively', 10), ('heavily', 10), ('beware', 10), ('blank', 10), ('continued', 10), ('vivid', 10), ('crisper', 10), ('depends', 10), ('ride', 10), ('impaired', 10), ('city', 10), ('th', 10), ('considerably', 10), ('explored', 10), ('ebay', 10), ('manga', 10), ('remind', 10), ('immensely', 10), ('bloatware', 10), ('usability', 10), ('stops', 10), ('mono', 10), ('advertise', 10), ('suspect', 10), ('anyways', 10), ('die', 10), ('quirks', 10), ('maximum', 10), ('doctor', 10), ('accidental', 10), ('88', 10), ('400', 10), ('nowhere', 10), ('costly', 10), ('2014', 10), ('messing', 10), ('chip', 10), ('reported', 10), ('forgotten', 10), ('blocks', 10), ('straightforward', 10), ('substantial', 10), ('2012', 10), ('sharper', 10), ('awake', 10), ('resist', 10), ('whose', 10), ('shes', 10), ('worlds', 10), ('lending', 10), ('alike', 10), ('fifth', 10), ('august', 10), ('category', 10), ('flaws', 10), ('bus', 10), ('fyi', 10), ('recommendations', 10), ('stating', 10), ('16g', 10), ('woman', 10), ('force', 10), ('pulling', 10), ('buffers', 10), ('english', 10), ('7yr', 10), ('hadn', 10), ('p', 10), ('glitchy', 10), ('hopes', 10), ('connector', 10), ('challenging', 10), ('snappier', 10), ('coverage', 10), ('vary', 10), ('hesitation', 10), ('window', 10), ('folder', 10), ('bothering', 10), ('acting', 10), ('wanna', 10), ('yours', 10), ('oem', 10), ('5w', 10), ('according', 10), ('confused', 10), ('electrical', 10), ('lcd', 10), ('environments', 10), ('determine', 10), ('digiland', 10), ('plunge', 10), ('emailed', 10), ('pops', 10), ('resources', 10), ('ir', 10), ('solves', 10), ('valuable', 10), ('million', 10), ('readily', 10), ('act', 10), ('providers', 10), ('tree', 10), ('4gb', 10), ('techy', 10), ('cuz', 10), ('pleasing', 10), ('changer', 10), ('res', 10), ('macbook', 10), ('subscriber', 10), ('served', 10), ('loses', 10), ('competitor', 10), ('fox', 10), ('queries', 10), ('reliability', 10), ('stands', 10), ('hrs', 10), ('entertains', 10), ('searched', 10), ('thrown', 10), ('harsh', 10), ('85', 10), ('forgot', 10), ('subject', 10), ('degree', 10), ('dirty', 10), ('somehow', 10), ('choosing', 10), ('tivo', 10), ('unplugged', 10), ('eyestrain', 10), ('hdr', 10), ('configure', 10), ('mornings', 10), ('linking', 10), ('dance', 10), ('groceries', 10), ('cylinder', 10), ('179', 10), ('intelligence', 10), ('lamps', 10), ('conversions', 10), ('interacting', 10), ('ecobee', 10), ('ring', 10), ('interfaces', 10), ('iftt', 10), ('yell', 10), ('9w', 10), ('hp', 9), ('negatives', 9), ('handheld', 9), ('unwanted', 9), ('wasnt', 9), ('airport', 9), ('lying', 9), ('ergonomic', 9), ('grader', 9), ('aged', 9), ('godson', 9), ('unexpected', 9), ('surpassed', 9), ('killer', 9), ('mediocre', 9), ('coat', 9), ('copies', 9), ('curfew', 9), ('fly', 9), ('obvious', 9), ('survived', 9), ('199', 9), ('carousel', 9), ('crashed', 9), ('gf', 9), ('defect', 9), ('verizon', 9), ('packages', 9), ('toss', 9), ('decently', 9), ('interests', 9), ('pin', 9), ('kindlefire', 9), ('2013', 9), ('cousins', 9), ('tote', 9), ('banking', 9), ('visuals', 9), ('jumped', 9), ('detailed', 9), ('workers', 9), ('crush', 9), ('frustration', 9), ('goodreads', 9), ('document', 9), ('filling', 9), ('claimed', 9), ('wider', 9), ('crash', 9), ('accomplish', 9), ('sample', 9), ('technological', 9), ('cake', 9), ('featured', 9), ('platforms', 9), ('gem', 9), ('laptops', 9), ('proprietary', 9), ('passed', 9), ('receipt', 9), ('requiring', 9), ('capture', 9), ('transition', 9), ('edges', 9), ('bandwidth', 9), ('introduction', 9), ('fortune', 9), ('solitaire', 9), ('claims', 9), ('deliver', 9), ('foam', 9), ('compromise', 9), ('planned', 9), ('handled', 9), ('adore', 9), ('accessibility', 9), ('brothers', 9), ('grandaughter', 9), ('florida', 9), ('ereaders', 9), ('customization', 9), ('139', 9), ('yellow', 9), ('cheapest', 9), ('distraction', 9), ('heading', 9), ('darkness', 9), ('whereas', 9), ('department', 9), ('keys', 9), ('solve', 9), ('tuck', 9), ('supplied', 9), ('q', 9), ('f', 9), ('threw', 9), ('brain', 9), ('standby', 9), ('headaches', 9), ('risk', 9), ('resume', 9), ('taught', 9), ('ti', 9), ('developed', 9), ('sophisticated', 9), ('score', 9), ('wearing', 9), ('warm', 9), ('regretted', 9), ('beneficial', 9), ('frills', 9), ('driving', 9), ('peace', 9), ('moments', 9), ('popping', 9), ('visually', 9), ('fathers', 9), ('attempt', 9), ('owns', 9), ('equally', 9), ('pbs', 9), ('suggestions', 9), ('teacher', 9), ('coupon', 9), ('disconnect', 9), ('advantages', 9), ('definately', 9), ('fios', 9), ('accustomed', 9), ('ill', 9), ('mark', 9), ('utilized', 9), ('focused', 9), ('bout', 9), ('followed', 9), ('dozens', 9), ('intention', 9), ('privacy', 9), ('epub', 9), ('bare', 9), ('novel', 9), ('clip', 9), ('recognizing', 9), ('attempted', 9), ('tone', 9), ('listened', 9), ('promotion', 9), ('extension', 9), ('lineup', 9), ('continuously', 9), ('reviewing', 9), ('understood', 9), ('paperbacks', 9), ('hello', 9), ('youre', 9), ('jail', 9), ('pw', 9), ('pure', 9), ('blu', 9), ('elastic', 9), ('invention', 9), ('highlighting', 9), ('paperwhites', 9), ('footnote', 9), ('ditch', 9), ('guests', 9), ('boom', 9), ('emergency', 9), ('assistants', 9), ('uber', 9), ('cutters', 9), ('ps3', 9), ('shines', 8), ('borrowed', 8), ('extensively', 8), ('unusable', 8), ('weekends', 8), ('riding', 8), ('recognized', 8), ('launched', 8), ('250', 8), ('rapid', 8), ('possibility', 8), ('custom', 8), ('worthless', 8), ('restrict', 8), ('addicted', 8), ('mas', 8), ('punch', 8), ('realistic', 8), ('goodness', 8), ('wallpaper', 8), ('fluid', 8), ('satisfy', 8), ('dosent', 8), ('blah', 8), ('stronger', 8), ('reflection', 8), ('bothersome', 8), ('thankfully', 8), ('slippery', 8), ('somebody', 8), ('pic', 8), ('traded', 8), ('modified', 8), ('7th', 8), ('hd7', 8), ('regards', 8), ('processes', 8), ('lovely', 8), ('shutting', 8), ('slimmer', 8), ('79', 8), ('slide', 8), ('granted', 8), ('shell', 8), ('outperforms', 8), ('youth', 8), ('000', 8), ('tint', 8), ('logo', 8), ('angles', 8), ('jazz', 8), ('600', 8), ('placing', 8), ('hanging', 8), ('camping', 8), ('mac', 8), ('combo', 8), ('groups', 8), ('headlines', 8), ('eating', 8), ('flipping', 8), ('november', 8), ('facetime', 8), ('holder', 8), ('hair', 8), ('casting', 8), ('robot', 8), ('reached', 8), ('mirroring', 8), ('nursing', 8), ('nd', 8), ('misplaced', 8), ('expired', 8), ('kobo', 8), ('plethora', 8), ('pushes', 8), ('cross', 8), ('languages', 8), ('dimmer', 8), ('unobtrusive', 8), ('overnight', 8), ('lifting', 8), ('grandfather', 8), ('shocked', 8), ('beating', 8), ('lightest', 8), ('resolved', 8), ('pricy', 8), ('ultimately', 8), ('satisfying', 8), ('reviewers', 8), ('traveled', 8), ('removing', 8), ('balanced', 8), ('metal', 8), ('appealing', 8), ('ugly', 8), ('pixelated', 8), ('death', 8), ('south', 8), ('official', 8), ('occasions', 8), ('amp', 8), ('outrageous', 8), ('discounts', 8), ('uploading', 8), ('surprising', 8), ('rooted', 8), ('nifty', 8), ('attempts', 8), ('closing', 8), ('consideration', 8), ('messenger', 8), ('buddy', 8), ('binge', 8), ('tremendously', 8), ('5ghz', 8), ('ft', 8), ('sends', 8), ('leap', 8), ('refused', 8), ('fragile', 8), ('texas', 8), ('surfs', 8), ('throwing', 8), ('gifting', 8), ('starters', 8), ('dealing', 8), ('sim', 8), ('signing', 8), ('sky', 8), ('tape', 8), ('selected', 8), ('prefect', 8), ('pressed', 8), ('zone', 8), ('aka', 8), ('unknown', 8), ('nightstand', 8), ('brightest', 8), ('newspapers', 8), ('taps', 8), ('racing', 8), ('pushed', 8), ('client', 8), ('qualities', 8), ('rewards', 8), ('happening', 8), ('remain', 8), ('expert', 8), ('9yr', 8), ('cellphone', 8), ('fitbit', 8), ('occupy', 8), ('aux', 8), ('associated', 8), ('texting', 8), ('walked', 8), ('babies', 8), ('fav', 8), ('craft', 8), ('inclined', 8), ('mickey', 8), ('canceling', 8), ('2yr', 8), ('landscape', 8), ('asap', 8), ('competitors', 8), ('ect', 8), ('lead', 8), ('pays', 8), ('bough', 8), ('remarkable', 8), ('timely', 8), ('street', 8), ('checkout', 8), ('continuous', 8), ('matte', 8), ('slides', 8), ('unresponsive', 8), ('irritating', 8), ('encountered', 8), ('necessity', 8), ('gui', 8), ('album', 8), ('readings', 8), ('spotty', 8), ('intrigued', 8), ('tie', 8), ('body', 8), ('rhymes', 8), ('cd', 8), ('broadcast', 8), ('rain', 8), ('sport', 8), ('extend', 8), ('field', 8), ('finished', 8), ('delight', 8), ('btw', 8), ('genres', 8), ('supposedly', 8), ('porch', 8), ('blends', 8), ('increasing', 8), ('measurements', 8), ('genius', 8), ('uverse', 8), ('iheartradio', 8), ('insteon', 8), ('artists', 8), ('limitless', 8), ('helper', 8), ('mo', 8), ('foot', 7), ('spectrum', 7), ('login', 7), ('compares', 7), ('flagship', 7), ('gateway', 7), ('ratio', 7), ('doctors', 7), ('wind', 7), ('matched', 7), ('problematic', 7), ('inconvenient', 7), ('fortunately', 7), ('chosen', 7), ('tutorials', 7), ('spring', 7), ('maps', 7), ('resolve', 7), ('differently', 7), ('console', 7), ('private', 7), ('buggy', 7), ('marketing', 7), ('shoulder', 7), ('walmart', 7), ('asus', 7), ('outdated', 7), ('backlights', 7), ('dying', 7), ('kindel', 7), ('rotate', 7), ('seat', 7), ('approve', 7), ('att', 7), ('specifications', 7), ('amounts', 7), ('4g', 7), ('killing', 7), ('monitoring', 7), ('effortlessly', 7), ('visits', 7), ('accidently', 7), ('whom', 7), ('83', 7), ('matching', 7), ('wave', 7), ('grandpa', 7), ('produce', 7), ('candy', 7), ('webroot', 7), ('televisions', 7), ('final', 7), ('equal', 7), ('nbc', 7), ('complaining', 7), ('reluctant', 7), ('destroyed', 7), ('barnes', 7), ('nature', 7), ('eliminates', 7), ('elegant', 7), ('narrow', 7), ('seeking', 7), ('polished', 7), ('scared', 7), ('ridiculously', 7), ('obsessed', 7), ('misses', 7), ('hardback', 7), ('tweaking', 7), ('mb', 7), ('consumer', 7), ('responsibility', 7), ('hates', 7), ('sick', 7), ('prepared', 7), ('remaining', 7), ('conclusion', 7), ('array', 7), ('tracking', 7), ('unavailable', 7), ('pockets', 7), ('drains', 7), ('bath', 7), ('turner', 7), ('illumination', 7), ('upper', 7), ('degrees', 7), ('inconvenience', 7), ('reconnect', 7), ('remains', 7), ('thirty', 7), ('solidly', 7), ('prongs', 7), ('pressing', 7), ('combine', 7), ('drag', 7), ('effectively', 7), ('deleted', 7), ('lunch', 7), ('goodies', 7), ('requirement', 7), ('fixes', 7), ('component', 7), ('viewed', 7), ('packaged', 7), ('simplifies', 7), ('appliance', 7), ('transaction', 7), ('empty', 7), ('bookworm', 7), ('slips', 7), ('8yr', 7), ('accident', 7), ('hole', 7), ('rom', 7), ('speaks', 7), ('sight', 7), ('29', 7), ('8g', 7), ('concerns', 7), ('twc', 7), ('3x', 7), ('warner', 7), ('libraries', 7), ('confident', 7), ('dependent', 7), ('shock', 7), ('3d', 7), ('proud', 7), ('wrapped', 7), ('indispensable', 7), ('ez', 7), ('planes', 7), ('crowd', 7), ('operated', 7), ('cluttered', 7), ('blind', 7), ('em', 7), ('gor', 7), ('tonight', 7), ('tops', 7), ('clerk', 7), ('nite', 7), ('troubles', 7), ('prizes', 7), ('experiences', 7), ('alternatives', 7), ('pocketbook', 7), ('argue', 7), ('follows', 7), ('operations', 7), ('tear', 7), ('consuming', 7), ('international', 7), ('tapping', 7), ('contacts', 7), ('dining', 7), ('complement', 7), ('powering', 7), ('stood', 7), ('adjustments', 7), ('responded', 7), ('guard', 7), ('suite', 7), ('backs', 7), ('conventional', 7), ('organization', 7), ('elementary', 7), ('faulty', 7), ('green', 7), ('juice', 7), ('dose', 7), ('eat', 7), ('fans', 7), ('enhanced', 7), ('icon', 7), ('bent', 7), ('impress', 7), ('guides', 7), ('painful', 7), ('schooler', 7), ('handicapped', 7), ('offerings', 7), ('vehicle', 7), ('plugging', 7), ('rental', 7), ('stayed', 7), ('wording', 7), ('fewer', 7), ('nfl', 7), ('intend', 7), ('january', 7), ('dressed', 7), ('headache', 7), ('borrowing', 7), ('caused', 7), ('dirt', 7), ('increases', 7), ('canada', 7), ('stages', 7), ('bt', 7), ('episode', 7), ('reducing', 7), ('studying', 7), ('football', 7), ('surely', 7), ('production', 7), ('gain', 7), ('hdtv', 7), ('sunglasses', 7), ('squeeze', 7), ('selecting', 7), ('thoughts', 7), ('engaged', 7), ('magical', 7), ('stopping', 7), ('mix', 7), ('naturally', 7), ('laugh', 7), ('indestructible', 7), ('preferences', 7), ('stepped', 7), ('shining', 7), ('effortless', 7), ('cave', 7), ('creates', 7), ('regard', 7), ('spanish', 7), ('neighbor', 7), ('percent', 7), ('quotes', 7), ('evolving', 7), ('sings', 7), ('todo', 7), ('sprinkler', 7), ('verbal', 7), ('experimenting', 7), ('integral', 7), ('honeywell', 7), ('virtual', 7), ('innovative', 7), ('ecobee3', 7), ('tp', 7), ('lutron', 7), ('tunein', 7), ('teams', 7), ('simultaneously', 7), ('eggs', 7), ('spoken', 7), ('hubs', 7), ('compliment', 7), ('programing', 7), ('loyal', 7), ('optical', 7), ('rokus', 7), ('87', 6), ('directtv', 6), ('720p', 6), ('colorful', 6), ('fat', 6), ('sooo', 6), ('biased', 6), ('refined', 6), ('payment', 6), ('method', 6), ('fireos', 6), ('caveat', 6), ('unaware', 6), ('prevents', 6), ('viable', 6), ('feed', 6), ('temporary', 6), ('subscribing', 6), ('personalized', 6), ('sells', 6), ('perspective', 6), ('foe', 6), ('calculator', 6), ('categories', 6), ('booting', 6), ('hitting', 6), ('tad', 6), ('american', 6), ('descent', 6), ('androids', 6), ('recreational', 6), ('outer', 6), ('polite', 6), ('camper', 6), ('anniversary', 6), ('competing', 6), ('yahoo', 6), ('streamlined', 6), ('overcome', 6), ('lesson', 6), ('bike', 6), ('dishes', 6), ('counts', 6), ('shiny', 6), ('animal', 6), ('wound', 6), ('hiccups', 6), ('stone', 6), ('investments', 6), ('cellular', 6), ('project', 6), ('lackluster', 6), ('keeper', 6), ('10x', 6), ('depth', 6), ('lastly', 6), ('explaining', 6), ('drawbacks', 6), ('accessed', 6), ('functioned', 6), ('ish', 6), ('albums', 6), ('recommends', 6), ('78', 6), ('accomplished', 6), ('recharged', 6), ('frankly', 6), ('ruin', 6), ('heaven', 6), ('accordingly', 6), ('mid', 6), ('kendal', 6), ('positives', 6), ('restarting', 6), ('7inch', 6), ('editing', 6), ('sleeve', 6), ('tangerine', 6), ('questionable', 6), ('toshiba', 6), ('lens', 6), ('criticism', 6), ('exit', 6), ('mouth', 6), ('thousand', 6), ('cheaply', 6), ('ample', 6), ('damages', 6), ('reaction', 6), ('goal', 6), ('intense', 6), ('s7', 6), ('someday', 6), ('grainy', 6), ('integrations', 6), ('s2', 6), ('suit', 6), ('timing', 6), ('uploads', 6), ('beauty', 6), ('closes', 6), ('science', 6), ('ends', 6), ('acess', 6), ('economic', 6), ('rotating', 6), ('april', 6), ('overhead', 6), ('suffice', 6), ('sensor', 6), ('wallet', 6), ('sounded', 6), ('weigh', 6), ('uniform', 6), ('backward', 6), ('fingerprints', 6), ('loudly', 6), ('arms', 6), ('arrives', 6), ('announced', 6), ('textured', 6), ('stunning', 6), ('consume', 6), ('audiophile', 6), ('prob', 6), ('february', 6), ('sturdier', 6), ('exposed', 6), ('europe', 6), ('dozen', 6), ('www', 6), ('lie', 6), ('sunday', 6), ('misleading', 6), ('torn', 6), ('goggle', 6), ('prompted', 6), ('calibre', 6), ('pricier', 6), ('kill', 6), ('fought', 6), ('suddenly', 6), ('remembers', 6), ('glowlight', 6), ('efficiently', 6), ('introductory', 6), ('easter', 6), ('telephone', 6), ('leading', 6), ('loop', 6), ('shower', 6), ('lucky', 6), ('arrive', 6), ('til', 6), ('notification', 6), ('iris', 6), ('secret', 6), ('wasting', 6), ('passwords', 6), ('repeated', 6), ('appointment', 6), ('stuffer', 6), ('lifetime', 6), ('blurry', 6), ('cracking', 6), ('homepage', 6), ('musical', 6), ('warning', 6), ('inspired', 6), ('el', 6), ('marketplace', 6), ('detail', 6), ('mile', 6), ('theft', 6), ('5yr', 6), ('skipping', 6), ('soo', 6), ('hassles', 6), ('assignments', 6), ('productive', 6), ('h', 6), ('clever', 6), ('routine', 6), ('casing', 6), ('club', 6), ('amc', 6), ('comic', 6), ('disability', 6), ('wins', 6), ('award', 6), ('lifesaver', 6), ('xbmc', 6), ('thumb', 6), ('flixster', 6), ('worker', 6), ('pauses', 6), ('kick', 6), ('bothers', 6), ('corrected', 6), ('nope', 6), ('verses', 6), ('logged', 6), ('docs', 6), ('exist', 6), ('kiddo', 6), ('withstand', 6), ('aloud', 6), ('audiobook', 6), ('housework', 6), ('grate', 6), ('supervision', 6), ('wet', 6), ('relevant', 6), ('chinese', 6), ('authors', 6), ('shall', 6), ('combines', 6), ('bones', 6), ('bonuses', 6), ('2gb', 6), ('advise', 6), ('doubles', 6), ('lesser', 6), ('expands', 6), ('restaurants', 6), ('batter', 6), ('finicky', 6), ('soooo', 6), ('acct', 6), ('struggled', 6), ('solely', 6), ('rivals', 6), ('confined', 6), ('constructed', 6), ('church', 6), ('conjunction', 6), ('sesame', 6), ('handbag', 6), ('happily', 6), ('keyboards', 6), ('omg', 6), ('imagination', 6), ('asset', 6), ('motion', 6), ('entering', 6), ('outs', 6), ('mobility', 6), ('uploaded', 6), ('blocked', 6), ('boots', 6), ('treadmill', 6), ('stationary', 6), ('trash', 6), ('21', 6), ('reservations', 6), ('quirky', 6), ('shared', 6), ('millions', 6), ('refuse', 6), ('conversations', 6), ('lay', 6), ('manner', 6), ('develop', 6), ('2011', 6), ('counting', 6), ('jr', 6), ('adapt', 6), ('indicated', 6), ('configuration', 6), ('transitions', 6), ('disposal', 6), ('strange', 6), ('htpc', 6), ('wears', 6), ('thicker', 6), ('struggling', 6), ('cold', 6), ('marks', 6), ('ultimate', 6), ('alphabet', 6), ('understatement', 6), ('duty', 6), ('1yr', 6), ('reorder', 6), ('grew', 6), ('300ppi', 6), ('cooler', 6), ('glaring', 6), ('speedier', 6), ('ah', 6), ('nighttime', 6), ('generations', 6), ('samples', 6), ('uneven', 6), ('nights', 6), ('spaces', 6), ('enabling', 6), ('91', 6), ('bread', 6), ('artificial', 6), ('suitcase', 6), ('aid', 6), ('scheduled', 6), ('pw2', 6), ('sensors', 6), ('wealth', 6), ('bits', 6), ('dolby', 6), ('dd', 6), ('convient', 6), ('remotely', 6), ('converting', 6), ('interactions', 6), ('jetsons', 6), ('mute', 6), ('schedules', 6), ('360', 6), ('cancelling', 6), ('accuracy', 6), ('communication', 6), ('steroids', 6), ('configured', 6), ('heater', 6), ('central', 6), ('laundry', 6), ('heating', 6), ('accurately', 6), ('tuning', 6), ('subscribers', 6), ('wirelessly', 6), ('goodbye', 6), ('wiring', 6), ('ditched', 6), ('aftv', 6), ('dump', 6), ('cbs', 6), ('atv', 6), ('brilliant', 5), ('hardcore', 5), ('magnet', 5), ('multitasking', 5), ('graduate', 5), ('alternate', 5), ('mastered', 5), ('hoops', 5), ('modest', 5), ('reboots', 5), ('onboard', 5), ('magenta', 5), ('nonstop', 5), ('booklet', 5), ('printing', 5), ('driver', 5), ('amazone', 5), ('8in', 5), ('draining', 5), ('gamer', 5), ('displayed', 5), ('uncomfortable', 5), ('casually', 5), ('dime', 5), ('backwards', 5), ('standards', 5), ('dreamed', 5), ('unreliable', 5), ('wood', 5), ('floors', 5), ('googleplay', 5), ('fed', 5), ('rentals', 5), ('popped', 5), ('drove', 5), ('sticky', 5), ('rare', 5), ('beforehand', 5), ('aggravating', 5), ('upgradable', 5), ('fashioned', 5), ('standpoint', 5), ('north', 5), ('priceless', 5), ('rival', 5), ('feb', 5), ('roll', 5), ('patterns', 5), ('kicks', 5), ('recording', 5), ('failing', 5), ('puzzle', 5), ('responsible', 5), ('dull', 5), ('films', 5), ('directed', 5), ('childrens', 5), ('struggles', 5), ('pcs', 5), ('antivirus', 5), ('perfection', 5), ('skin', 5), ('appeared', 5), ('certificate', 5), ('ar', 5), ('individuals', 5), ('noble', 5), ('wifes', 5), ('terribly', 5), ('32g', 5), ('airline', 5), ('industry', 5), ('suggestion', 5), ('retirement', 5), ('scan', 5), ('picky', 5), ('hindsight', 5), ('settling', 5), ('8th', 5), ('admittedly', 5), ('dissatisfied', 5), ('viewer', 5), ('angry', 5), ('8yo', 5), ('powerhouse', 5), ('atleast', 5), ('competent', 5), ('collections', 5), ('smell', 5), ('article', 5), ('lieu', 5), ('rapidly', 5), ('recieved', 5), ('steep', 5), ('ol', 5), ('allot', 5), ('glued', 5), ('dictionaries', 5), ('discontinued', 5), ('id', 5), ('cabin', 5), ('purses', 5), ('haptic', 5), ('ounces', 5), ('180', 5), ('pace', 5), ('snug', 5), ('mileage', 5), ('minimize', 5), ('closure', 5), ('folds', 5), ('fear', 5), ('gorgeous', 5), ('grey', 5), ('chooses', 5), ('registering', 5), ('satisfaction', 5), ('produced', 5), ('pod', 5), ('muy', 5), ('thankful', 5), ('adaptor', 5), ('120', 5), ('identify', 5), ('cart', 5), ('killed', 5), ('securely', 5), ('simplistic', 5), ('se', 5), ('hurting', 5), ('sleeker', 5), ('visibility', 5), ('dr', 5), ('touched', 5), ('savers', 5), ('22', 5), ('recorded', 5), ('universe', 5), ('damaging', 5), ('worm', 5), ('erase', 5), ('emailing', 5), ('earned', 5), ('fro', 5), ('thier', 5), ('faces', 5), ('hasnt', 5), ('welcomed', 5), ('beaten', 5), ('installs', 5), ('removes', 5), ('honor', 5), ('target', 5), ('grands', 5), ('charts', 5), ('heads', 5), ('ultraviolet', 5), ('forty', 5), ('tank', 5), ('rush', 5), ('shame', 5), ('nicest', 5), ('2year', 5), ('forums', 5), ('abundance', 5), ('beside', 5), ('mod', 5), ('entertainer', 5), ('techies', 5), ('plans', 5), ('excel', 5), ('powerpoint', 5), ('disadvantage', 5), ('burn', 5), ('altogether', 5), ('daycare', 5), ('restarted', 5), ('angel', 5), ('seams', 5), ('bummer', 5), ('8year', 5), ('baught', 5), ('perk', 5), ('cartoon', 5), ('workarounds', 5), ('networking', 5), ('july', 5), ('destructive', 5), ('involved', 5), ('downsides', 5), ('gal', 5), ('freak', 5), ('48', 5), ('apk', 5), ('crashes', 5), ('pluto', 5), ('laid', 5), ('century', 5), ('introducing', 5), ('roughly', 5), ('st', 5), ('animation', 5), ('zoom', 5), ('lifestyle', 5), ('grateful', 5), ('disconnected', 5), ('disappear', 5), ('reminded', 5), ('drives', 5), ('lettering', 5), ('moms', 5), ('forcing', 5), ('chore', 5), ('exceptionally', 5), ('wires', 5), ('papers', 5), ('gathering', 5), ('visited', 5), ('blazing', 5), ('slowed', 5), ('inferior', 5), ('intro', 5), ('developers', 5), ('6year', 5), ('respect', 5), ('flashy', 5), ('nooks', 5), ('refuses', 5), ('toilet', 5), ('disabled', 5), ('goddaughter', 5), ('ii', 5), ('pausing', 5), ('mount', 5), ('1080', 5), ('displaying', 5), ('gray', 5), ('relationship', 5), ('ex', 5), ('driven', 5), ('obtain', 5), ('repeating', 5), ('reservation', 5), ('carefully', 5), ('retail', 5), ('washed', 5), ('seemingly', 5), ('mins', 5), ('heats', 5), ('cuts', 5), ('wars', 5), ('garbage', 5), ('washer', 5), ('caring', 5), ('cup', 5), ('addressed', 5), ('actors', 5), ('condo', 5), ('understandable', 5), ('reinstall', 5), ('lonely', 5), ('opt', 5), ('confirm', 5), ('projector', 5), ('ins', 5), ('restaurant', 5), ('fanboy', 5), ('de', 5), ('cars', 5), ('promise', 5), ('ball', 5), ('journey', 5), ('persons', 5), ('clue', 5), ('jbl', 5), ('kicking', 5), ('trusted', 5), ('similarly', 5), ('amzon', 5), ('reccommend', 5), ('joined', 5), ('obsolete', 5), ('enhancements', 5), ('houses', 5), ('firefox', 5), ('tendency', 5), ('bug', 5), ('noisy', 5), ('autism', 5), ('reply', 5), ('badly', 5), ('pluses', 5), ('cents', 5), ('meeting', 5), ('surpasses', 5), ('hardest', 5), ('promptly', 5), ('closely', 5), ('loosing', 5), ('assured', 5), ('robots', 5), ('maintenance', 5), ('quarter', 5), ('cat', 5), ('lightly', 5), ('defiantly', 5), ('sections', 5), ('nursery', 5), ('countries', 5), ('hbogo', 5), ('programmable', 5), ('redundant', 5), ('wishing', 5), ('es', 5), ('rolled', 5), ('adopter', 5), ('la', 5), ('wasted', 5), ('cache', 5), ('shortly', 5), ('gaining', 5), ('prepare', 5), ('advancement', 5), ('jumps', 5), ('anyday', 5), ('dyslexic', 5), ('clicks', 5), ('iam', 5), ('becuase', 5), ('subtle', 5), ('bookerly', 5), ('highlighted', 5), ('classics', 5), ('jewel', 5), ('affect', 5), ('eink', 5), ('undecided', 5), ('believer', 5), ('lightbulbs', 5), ('king', 5), ('backyard', 5), ('texts', 5), ('committed', 5), ('sliced', 5), ('encyclopedia', 5), ('tedious', 5), ('interruptions', 5), ('begins', 5), ('raise', 5), ('esp', 5), ('releasing', 5), ('describe', 5), ('resets', 5), ('pointless', 5), ('alerts', 5), ('physically', 5), ('certified', 5), ('airplay', 5), ('singing', 5), ('humor', 5), ('workout', 5), ('sceptical', 5), ('listener', 5), ('vivint', 5), ('amusing', 5), ('stump', 5), ('classical', 5), ('personality', 5), ('retrieve', 5), ('iot', 5), ('devises', 5), ('moa', 5), ('raved', 5), ('verbally', 5), ('gimmick', 5), ('walls', 5), ('siriusxm', 5), ('ue', 5), ('opener', 5), ('breakfast', 5), ('bulb', 5), ('cortana', 5), ('circle', 5), ('yelling', 5), ('detect', 5), ('controllers', 5), ('enterprise', 5), ('kinks', 5), ('errors', 5), ('spells', 5), ('avail', 5), ('cradle', 5), ('powerfast', 5), ('referred', 5), ('seam', 5), ('trials', 5), ('eliminated', 5), ('mbps', 5), ('costing', 4), ('futuristic', 4), ('entered', 4), ('giant', 4), ('twitch', 4), ('meetings', 4), ('streamline', 4), ('vlc', 4), ('wether', 4), ('steady', 4), ('launcher', 4), ('passes', 4), ('76', 4), ('offices', 4), ('60s', 4), ('100s', 4), ('200gb', 4), ('tailored', 4), ('slows', 4), ('tasking', 4), ('slowing', 4), ('smartphones', 4), ('slots', 4), ('flying', 4), ('amongst', 4), ('namely', 4), ('builtin', 4), ('beef', 4), ('formatted', 4), ('york', 4), ('foray', 4), ('jumping', 4), ('9th', 4), ('padded', 4), ('cracks', 4), ('repair', 4), ('ubiquitous', 4), ('reputable', 4), ('keypad', 4), ('astounding', 4), ('competes', 4), ('warrant', 4), ('sudden', 4), ('whilst', 4), ('ticking', 4), ('hints', 4), ('achieve', 4), ('designated', 4), ('sis', 4), ('scheduling', 4), ('mexico', 4), ('stepping', 4), ('webpage', 4), ('shades', 4), ('mailed', 4), ('estate', 4), ('disconcerting', 4), ('lockscreen', 4), ('permanently', 4), ('distinguish', 4), ('shopped', 4), ('arthritis', 4), ('replaceable', 4), ('todays', 4), ('secondly', 4), ('locking', 4), ('destroy', 4), ('underpowered', 4), ('yoga', 4), ('reflective', 4), ('tine', 4), ('art', 4), ('travelers', 4), ('actions', 4), ('manuals', 4), ('pokemon', 4), ('verify', 4), ('processors', 4), ('intermediate', 4), ('panel', 4), ('hearts', 4), ('watcher', 4), ('dig', 4), ('1gb', 4), ('failure', 4), ('temporarily', 4), ('burning', 4), ('bundled', 4), ('reg', 4), ('encourages', 4), ('catalog', 4), ('solutions', 4), ('centered', 4), ('afternoon', 4), ('sees', 4), ('portal', 4), ('arounds', 4), ('brick', 4), ('appearing', 4), ('hurts', 4), ('convince', 4), ('birds', 4), ('periodically', 4), ('splurge', 4), ('scenes', 4), ('adopted', 4), ('fitness', 4), ('acquainted', 4), ('marvel', 4), ('sandisk', 4), ('insisted', 4), ('spreadsheets', 4), ('stinks', 4), ('alert', 4), ('headline', 4), ('notebook', 4), ('wrapping', 4), ('exclusive', 4), ('assuming', 4), ('preteen', 4), ('session', 4), ('poolside', 4), ('bound', 4), ('swipes', 4), ('nose', 4), ('opportunities', 4), ('merlot', 4), ('smallest', 4), ('renting', 4), ('leds', 4), ('brainier', 4), ('boost', 4), ('addict', 4), ('evenly', 4), ('apparent', 4), ('conveniently', 4), ('reduction', 4), ('female', 4), ('passages', 4), ('longest', 4), ('straining', 4), ('delicate', 4), ('kudos', 4), ('dropbox', 4), ('monday', 4), ('manageable', 4), ('pet', 4), ('syndrome', 4), ('lte', 4), ('tying', 4), ('extent', 4), ('october', 4), ('surprises', 4), ('resetting', 4), ('repeatedly', 4), ('excellant', 4), ('assure', 4), ('awaiting', 4), ('arrival', 4), ('watts', 4), ('ate', 4), ('dissapointed', 4), ('1a', 4), ('health', 4), ('marvelous', 4), ('rip', 4), ('alittle', 4), ('labeled', 4), ('unbelievably', 4), ('mobi', 4), ('blow', 4), ('thinnest', 4), ('monopoly', 4), ('adaptable', 4), ('exited', 4), ('jobs', 4), ('guidance', 4), ('intimidating', 4), ('beast', 4), ('restore', 4), ('kidding', 4), ('swap', 4), ('fo', 4), ('upgradeable', 4), ('deaf', 4), ('elephant', 4), ('ranging', 4), ('git', 4), ('arena', 4), ('nonetheless', 4), ('amaze', 4), ('purchaser', 4), ('spite', 4), ('promotional', 4), ('recall', 4), ('1024', 4), ('demanding', 4), ('grandbaby', 4), ('introduce', 4), ('guru', 4), ('shutdown', 4), ('wishes', 4), ('creation', 4), ('passable', 4), ('stretch', 4), ('playtime', 4), ('preschoolers', 4), ('snapchat', 4), ('girlfriends', 4), ('approx', 4), ('communications', 4), ('dads', 4), ('notices', 4), ('shortcoming', 4), ('starbucks', 4), ('tomorrow', 4), ('impression', 4), ('anxious', 4), ('printer', 4), ('emulators', 4), ('refrigerator', 4), ('memorable', 4), ('foster', 4), ('survives', 4), ('stepdaughter', 4), ('chances', 4), ('largest', 4), ('seemless', 4), ('neatly', 4), ('textbook', 4), ('assortment', 4), ('unfamiliar', 4), ('babysitter', 4), ('fields', 4), ('creepy', 4), ('10yr', 4), ('utube', 4), ('dearly', 4), ('kindergarten', 4), ('definetly', 4), ('manufacturers', 4), ('touches', 4), ('stress', 4), ('ancient', 4), ('fort', 4), ('clients', 4), ('sooooo', 4), ('donate', 4), ('specify', 4), ('renew', 4), ('ot', 4), ('resulting', 4), ('assumed', 4), ('biggie', 4), ('severely', 4), ('demo', 4), ('6s', 4), ('arguing', 4), ('arguments', 4), ('cam', 4), ('apprehensive', 4), ('cheep', 4), ('avoided', 4), ('host', 4), ('operator', 4), ('stole', 4), ('map', 4), ('invaluable', 4), ('women', 4), ('bend', 4), ('posted', 4), ('ugh', 4), ('wonky', 4), ('registration', 4), ('community', 4), ('subjects', 4), ('serving', 4), ('troubleshooting', 4), ('expandability', 4), ('stuffers', 4), ('caved', 4), ('shopper', 4), ('wrote', 4), ('builds', 4), ('flowers', 4), ('holy', 4), ('cds', 4), ('formats', 4), ('initialize', 4), ('costumer', 4), ('un', 4), ('splurged', 4), ('ls', 4), ('corners', 4), ('disk', 4), ('documentation', 4), ('approach', 4), ('massive', 4), ('hurry', 4), ('appeal', 4), ('operational', 4), ('excels', 4), ('rc', 4), ('4yo', 4), ('inputs', 4), ('upright', 4), ('servers', 4), ('elmo', 4), ('completing', 4), ('icloud', 4), ('enlarged', 4), ('coworker', 4), ('inserted', 4), ('startup', 4), ('125', 4), ('cheat', 4), ('fave', 4), ('browses', 4), ('preset', 4), ('frames', 4), ('nintendo', 4), ('snugly', 4), ('flow', 4), ('preferably', 4), ('ratings', 4), ('bump', 4), ('nowadays', 4), ('engines', 4), ('idle', 4), ('dryer', 4), ('blocking', 4), ('dimly', 4), ('warming', 4), ('youngster', 4), ('shapes', 4), ('samsungs', 4), ('dogs', 4), ('hollow', 4), ('planet', 4), ('apt', 4), ('relief', 4), ('prompts', 4), ('clips', 4), ('reputation', 4), ('dreams', 4), ('interfere', 4), ('hesitated', 4), ('persuaded', 4), ('adware', 4), ('nevertheless', 4), ('infant', 4), ('apply', 4), ('sleeps', 4), ('slowness', 4), ('70s', 4), ('reaching', 4), ('obtained', 4), ('simplified', 4), ('reproduction', 4), ('hefty', 4), ('airplanes', 4), ('pose', 4), ('lake', 4), ('pun', 4), ('swore', 4), ('preparing', 4), ('defaults', 4), ('screensaver', 4), ('equipped', 4), ('bummed', 4), ('ya', 4), ('lightening', 4), ('daugther', 4), ('moderately', 4), ('bridge', 4), ('neck', 4), ('bags', 4), ('stutter', 4), ('bumps', 4), ('bay', 4), ('fallen', 4), ('partial', 4), ('wowwee', 4), ('merchandise', 4), ('ro', 4), ('cookbooks', 4), ('mixed', 4), ('shortcomings', 4), ('expansive', 4), ('hitch', 4), ('rename', 4), ('affected', 4), ('japanese', 4), ('mommy', 4), ('messed', 4), ('bluray', 4), ('freely', 4), ('nearest', 4), ('activating', 4), ('author', 4), ('peasy', 4), ('appts', 4), ('hawaii', 4), ('kicked', 4), ('portion', 4), ('loudness', 4), ('resistance', 4), ('dims', 4), ('80s', 4), ('gizmo', 4), ('genuine', 4), ('notepad', 4), ('oz', 4), ('exterior', 4), ('los', 4), ('clearing', 4), ('yearly', 4), ('droid', 4), ('supporting', 4), ('clubhouse', 4), ('yay', 4), ('scary', 4), ('hidden', 4), ('launch', 4), ('topics', 4), ('settle', 4), ('2010', 4), ('dimmed', 4), ('reaches', 4), ('moon', 4), ('dragging', 4), ('whitepaper', 4), ('resisted', 4), ('builder', 4), ('annoy', 4), ('manufactured', 4), ('precision', 4), ('contacting', 4), ('toggle', 4), ('habits', 4), ('hardcover', 4), ('recognise', 4), ('luggage', 4), ('transitioning', 4), ('gimmicks', 4), ('character', 4), ('static', 4), ('electronically', 4), ('lightness', 4), ('ghost', 4), ('soothing', 4), ('bookbub', 4), ('luxury', 4), ('optimized', 4), ('raises', 4), ('safer', 4), ('disliked', 4), ('additions', 4), ('translation', 4), ('smartest', 4), ('blink', 4), ('highs', 4), ('sec', 4), ('chapter', 4), ('react', 4), ('yep', 4), ('seldom', 4), ('blacks', 4), ('financial', 4), ('hunt', 4), ('gear', 4), ('innovation', 4), ('rounded', 4), ('shares', 4), ('topic', 4), ('remedy', 4), ('overheat', 4), ('christian', 4), ('serbia', 4), ('cdn', 4), ('knocking', 4), ('context', 4), ('rains', 4), ('dj', 4), ('housewarming', 4), ('tower', 4), ('witty', 4), ('dancing', 4), ('meditation', 4), ('hmmm', 4), ('laughs', 4), ('database', 4), ('depot', 4), ('disconnects', 4), ('voila', 4), ('replies', 4), ('instruct', 4), ('mics', 4), ('howard', 4), ('disconnecting', 4), ('calculations', 4), ('automating', 4), ('gimmicky', 4), ('control4', 4), ('addictive', 4), ('lyrics', 4), ('appropriately', 4), ('boo', 4), ('amusement', 4), ('manages', 4), ('npr', 4), ('obscure', 4), ('existent', 4), ('treble', 4), ('dominos', 4), ('steve', 4), ('neighbors', 4), ('rates', 4), ('actor', 4), ('api', 4), ('facility', 4), ('rachio', 4), ('hopper', 4), ('stumped', 4), ('theaters', 4), ('chores', 4), ('dorm', 4), ('precise', 4), ('alexas', 4), ('standalone', 4), ('dry', 4), ('mlb', 4), ('rave', 4), ('era', 4), ('listings', 4), ('belkin', 4), ('screaming', 4), ('keywords', 4), ('philip', 4), ('tub', 4), ('bec', 4), ('sprinklers', 4), ('soundlink', 4), ('roommate', 4), ('discovery', 4), ('feeds', 4), ('calendars', 4), ('sewing', 4), ('directional', 4), ('earth', 4), ('lows', 4), ('4ghz', 4), ('nas', 4), ('tour', 4), ('hd10', 4), ('expenses', 4), ('psvue', 4), ('ether', 4), ('navagate', 4), ('forwarding', 4), ('reliably', 4), ('addons', 4), ('fps', 4), ('cat5', 4), ('firestarter', 4), ('800', 3), ('accesses', 3), ('inlaws', 3), ('schooled', 3), ('leaning', 3), ('saavy', 3), ('depend', 3), ('velcro', 3), ('steals', 3), ('scale', 3), ('traveler', 3), ('fat32', 3), ('ntfs', 3), ('kaspersky', 3), ('hw', 3), ('mp4', 3), ('truck', 3), ('arent', 3), ('posts', 3), ('vanilla', 3), ('subsidize', 3), ('homeschool', 3), ('viber', 3), ('mayday', 3), ('fierce', 3), ('convinient', 3), ('easyer', 3), ('overloaded', 3), ('associates', 3), ('dos', 3), ('hangs', 3), ('forms', 3), ('kiosk', 3), ('drone', 3), ('strikes', 3), ('weighing', 3), ('recharges', 3), ('pointed', 3), ('throughly', 3), ('fork', 3), ('courses', 3), ('freebies', 3), ('unread', 3), ('bullet', 3), ('greats', 3), ('vendor', 3), ('shoot', 3), ('ty', 3), ('satified', 3), ('respectable', 3), ('garden', 3), ('philosophy', 3), ('experimental', 3), ('lightens', 3), ('novices', 3), ('humans', 3), ('demonstrate', 3), ('tweaks', 3), ('agent', 3), ('gpu', 3), ('minimally', 3), ('cruising', 3), ('restrictive', 3), ('marriage', 3), ('sentences', 3), ('heartbeat', 3), ('awesomeness', 3), ('parameters', 3), ('longtime', 3), ('casino', 3), ('attempting', 3), ('economy', 3), ('knitting', 3), ('7in', 3), ('reclining', 3), ('leg', 3), ('assisted', 3), ('72', 3), ('overheating', 3), ('eve', 3), ('preinstalled', 3), ('satisfies', 3), ('ms', 3), ('docx', 3), ('desires', 3), ('permission', 3), ('greenish', 3), ('yellowish', 3), ('tones', 3), ('accommodate', 3), ('unwrapped', 3), ('truely', 3), ('thorough', 3), ('decode', 3), ('stopper', 3), ('weighted', 3), ('ips', 3), ('icing', 3), ('discreet', 3), ('browsers', 3), ('converted', 3), ('facebooking', 3), ('ghz', 3), ('workaround', 3), ('redbox', 3), ('belong', 3), ('landed', 3), ('convincing', 3), ('overjoyed', 3), ('memberships', 3), ('sheet', 3), ('codes', 3), ('sided', 3), ('theses', 3), ('transferring', 3), ('spine', 3), ('appreciation', 3), ('precious', 3), ('discussing', 3), ('cares', 3), ('fruit', 3), ('statement', 3), ('subsidized', 3), ('objective', 3), ('embarrassing', 3), ('alas', 3), ('mines', 3), ('safely', 3), ('collecting', 3), ('doc', 3), ('appt', 3), ('wrap', 3), ('deeply', 3), ('specials', 3), ('expects', 3), ('remarkably', 3), ('explains', 3), ('buds', 3), ('bravo', 3), ('criteria', 3), ('schooling', 3), ('taller', 3), ('income', 3), ('jeans', 3), ('promises', 3), ('raining', 3), ('unreal', 3), ('rectangular', 3), ('measured', 3), ('freaking', 3), ('replacements', 3), ('cautious', 3), ('fiddle', 3), ('june', 3), ('designs', 3), ('briefcase', 3), ('separated', 3), ('fatigue', 3), ('attract', 3), ('deserves', 3), ('modify', 3), ('lovin', 3), ('smells', 3), ('sessions', 3), ('upside', 3), ('detached', 3), ('snaps', 3), ('align', 3), ('triple', 3), ('pulls', 3), ('folding', 3), ('tan', 3), ('upward', 3), ('inadvertently', 3), ('clasp', 3), ('securing', 3), ('subpar', 3), ('reviewer', 3), ('fresh', 3), ('commented', 3), ('letter', 3), ('representative', 3), ('ds', 3), ('newstand', 3), ('handful', 3), ('relying', 3), ('tinny', 3), ('restricts', 3), ('zippy', 3), ('bleed', 3), ('unfortunate', 3), ('repairs', 3), ('fanatic', 3), ('meh', 3), ('buyers', 3), ('backed', 3), ('intact', 3), ('chord', 3), ('unnecessarily', 3), ('1000ma', 3), ('fiction', 3), ('excelente', 3), ('220', 3), ('asia', 3), ('favorable', 3), ('idevices', 3), ('disclosure', 3), ('watt', 3), ('ending', 3), ('bee', 3), ('spares', 3), ('excessive', 3), ('earphones', 3), ('daytime', 3), ('eighth', 3), ('backpacking', 3), ('truthfully', 3), ('reduces', 3), ('touchy', 3), ('xda', 3), ('earning', 3), ('folio', 3), ('paced', 3), ('contest', 3), ('trains', 3), ('ecstatic', 3), ('destroys', 3), ('aug', 3), ('citizens', 3), ('amzn', 3), ('chromebook', 3), ('minded', 3), ('tethered', 3), ('coins', 3), ('tha', 3), ('chromcast', 3), ('1000s', 3), ('razor', 3), ('ut', 3), ('cheers', 3), ('sweat', 3), ('whispersync', 3), ('abundant', 3), ('smudge', 3), ('nightly', 3), ('restricting', 3), ('engage', 3), ('abcmouse', 3), ('chains', 3), ('arrangement', 3), ('specialized', 3), ('uncertain', 3), ('unauthorized', 3), ('multitask', 3), ('gas', 3), ('ought', 3), ('grandkid', 3), ('useage', 3), ('fullest', 3), ('suggests', 3), ('sensible', 3), ('crunchyroll', 3), ('mu', 3), ('recommendable', 3), ('witch', 3), ('bite', 3), ('realy', 3), ('pillow', 3), ('ear', 3), ('flap', 3), ('flips', 3), ('tempting', 3), ('internally', 3), ('nagging', 3), ('53', 3), ('unlocked', 3), ('forgets', 3), ('headsets', 3), ('antiglare', 3), ('peaceful', 3), ('grabbing', 3), ('realizing', 3), ('grades', 3), ('advised', 3), ('booted', 3), ('twenty', 3), ('removable', 3), ('coz', 3), ('plagued', 3), ('secured', 3), ('bust', 3), ('cleared', 3), ('tumblr', 3), ('density', 3), ('proves', 3), ('complants', 3), ('ordinary', 3), ('chrismas', 3), ('gradually', 3), ('ita', 3), ('officially', 3), ('repurchase', 3), ('scriptures', 3), ('meaningful', 3), ('messes', 3), ('positively', 3), ('pintrest', 3), ('economist', 3), ('concrete', 3), ('excedes', 3), ('purchasers', 3), ('projects', 3), ('ts', 3), ('advert', 3), ('et', 3), ('guessing', 3), ('texture', 3), ('tier', 3), ('inclusion', 3), ('raising', 3), ('proce', 3), ('multiplayer', 3), ('anyhow', 3), ('enhances', 3), ('skyping', 3), ('moneys', 3), ('82', 3), ('convienent', 3), ('legs', 3), ('bedside', 3), ('suffer', 3), ('elated', 3), ('void', 3), ('ware', 3), ('compute', 3), ('megapixels', 3), ('incentives', 3), ('restriction', 3), ('inserts', 3), ('thr', 3), ('interruption', 3), ('island', 3), ('extraordinary', 3), ('diagrams', 3), ('embedded', 3), ('ohio', 3), ('hill', 3), ('snd', 3), ('theyre', 3), ('googles', 3), ('amozon', 3), ('strength', 3), ('spy', 3), ('cow', 3), ('lounge', 3), ('abroad', 3), ('stepson', 3), ('staple', 3), ('bookmarks', 3), ('thomas', 3), ('china', 3), ('intensity', 3), ('disc', 3), ('basketball', 3), ('commonly', 3), ('annual', 3), ('fri', 3), ('coloring', 3), ('vegas', 3), ('raised', 3), ('cyber', 3), ('bless', 3), ('shattered', 3), ('procedure', 3), ('pry', 3), ('mike', 3), ('approximately', 3), ('portrait', 3), ('eliminating', 3), ('caching', 3), ('swimming', 3), ('buses', 3), ('ver', 3), ('cleaner', 3), ('warned', 3), ('fiancee', 3), ('wotks', 3), ('manipulate', 3), ('lark', 3), ('airlines', 3), ('flag', 3), ('iterations', 3), ('dealt', 3), ('tuff', 3), ('bingo', 3), ('67', 3), ('cycles', 3), ('regulate', 3), ('heartbroken', 3), ('nuts', 3), ('individually', 3), ('vendors', 3), ('stubborn', 3), ('dispute', 3), ('bogged', 3), ('props', 3), ('instructional', 3), ('drawing', 3), ('synched', 3), ('formatting', 3), ('footnotes', 3), ('experiencing', 3), ('contract', 3), ('vacuum', 3), ('reconnecting', 3), ('usd', 3), ('sucked', 3), ('dates', 3), ('certificates', 3), ('indicator', 3), ('batch', 3), ('bookstore', 3), ('dang', 3), ('sensation', 3), ('charter', 3), ('pulse', 3), ('knowledgable', 3), ('homerun', 3), ('http', 3), ('5mm', 3), ('useeasy', 3), ('verified', 3), ('momma', 3), ('minis', 3), ('airports', 3), ('defeats', 3), ('promotes', 3), ('fortunate', 3), ('fare', 3), ('sum', 3), ('colour', 3), ('varied', 3), ('mall', 3), ('impact', 3), ('educated', 3), ('communicating', 3), ('coworkers', 3), ('cabinet', 3), ('esay', 3), ('fifteen', 3), ('everday', 3), ('golden', 3), ('payments', 3), ('shout', 3), ('alleviate', 3), ('consumers', 3), ('pitch', 3), ('optimal', 3), ('childproof', 3), ('seek', 3), ('defects', 3), ('pinch', 3), ('adapting', 3), ('realm', 3), ('oddly', 3), ('noticing', 3), ('yea', 3), ('imho', 3), ('dice', 3), ('choppy', 3), ('26', 3), ('cry', 3), ('opera', 3), ('attribute', 3), ('bff', 3), ('aimed', 3), ('exchanging', 3), ('compensate', 3), ('absolutly', 3), ('faced', 3), ('considerable', 3), ('getjar', 3), ('21st', 3), ('butter', 3), ('commuting', 3), ('multipurpose', 3), ('newbie', 3), ('hire', 3), ('personalize', 3), ('contains', 3), ('attachment', 3), ('critical', 3), ('dash', 3), ('aswell', 3), ('fond', 3), ('lengthy', 3), ('fidelity', 3), ('mip', 3), ('customizing', 3), ('phase', 3), ('blame', 3), ('140', 3), ('diverse', 3), ('incident', 3), ('complications', 3), ('applying', 3), ('wash', 3), ('sone', 3), ('korean', 3), ('rings', 3), ('fore', 3), ('ise', 3), ('advances', 3), ('v1', 3), ('wdtv', 3), ('niche', 3), ('elements', 3), ('dauther', 3), ('anticipate', 3), ('rules', 3), ('theatre', 3), ('disabilities', 3), ('instructed', 3), ('hockey', 3), ('earbuds', 3), ('digitally', 3), ('returns', 3), ('insane', 3), ('mtv', 3), ('horizontal', 3), ('layer', 3), ('gigabytes', 3), ('scope', 3), ('pesky', 3), ('voracious', 3), ('quirk', 3), ('traditionalist', 3), ('downgraded', 3), ('packing', 3), ('importance', 3), ('visa', 3), ('mild', 3), ('independent', 3), ('repossess', 3), ('swapped', 3), ('assists', 3), ('describing', 3), ('charity', 3), ('hes', 3), ('drinks', 3), ('excitement', 3), ('blotches', 3), ('dictate', 3), ('crucial', 3), ('implemented', 3), ('bubble', 3), ('difficulties', 3), ('tapes', 3), ('loooooove', 3), ('march', 3), ('hr', 3), ('object', 3), ('incorporate', 3), ('treated', 3), ('engineered', 3), ('energy', 3), ('glowing', 3), ('iffy', 3), ('warmer', 3), ('bleeding', 3), ('ice', 3), ('unparalleled', 3), ('umbrella', 3), ('render', 3), ('crown', 3), ('darkened', 3), ('stability', 3), ('melatonin', 3), ('variable', 3), ('vacations', 3), ('paperless', 3), ('burden', 3), ('shine', 3), ('fumbling', 3), ('firm', 3), ('brightly', 3), ('dial', 3), ('define', 3), ('delightful', 3), ('role', 3), ('loyalty', 3), ('blew', 3), ('swing', 3), ('shadow', 3), ('illuminated', 3), ('graduating', 3), ('reluctantly', 3), ('literature', 3), ('dear', 3), ('inbuilt', 3), ('effects', 3), ('defined', 3), ('chapters', 3), ('techno', 3), ('fl', 3), ('unclear', 3), ('valentine', 3), ('swedish', 3), ('sue', 3), ('unplugging', 3), ('lacked', 3), ('thereby', 3), ('hilarious', 3), ('listing', 3), ('waits', 3), ('stage', 3), ('sporadic', 3), ('resting', 3), ('lame', 3), ('suffers', 3), ('rushed', 3), ('folded', 3), ('sofa', 3), ('lurve', 3), ('promote', 3), ('born', 3), ('merely', 3), ('macular', 3), ('degeneration', 3), ('shadows', 3), ('instrumental', 3), ('conveniences', 3), ('receptive', 3), ('lifestyles', 3), ('unused', 3), ('priority', 3), ('pile', 3), ('interior', 3), ('mission', 3), ('harm', 3), ('dreaded', 3), ('readin', 3), ('electricity', 3), ('rising', 3), ('ensures', 3), ('antiquated', 3), ('decisions', 3), ('evenings', 3), ('recessed', 3), ('submit', 3), ('rolls', 3), ('unacceptable', 3), ('thrones', 3), ('pagepress', 3), ('farther', 3), ('intent', 3), ('adapts', 3), ('achieved', 3), ('leader', 3), ('dough', 3), ('magnificent', 3), ('backing', 3), ('fireplace', 3), ('behave', 3), ('natively', 3), ('les', 3), ('livres', 3), ('backorder', 3), ('drastically', 3), ('gigabit', 3), ('shoulders', 3), ('fridge', 3), ('cities', 3), ('gen1', 3), ('slightest', 3), ('glorified', 3), ('shuffle', 3), ('laughed', 3), ('inanimate', 3), ('becareful', 3), ('tuned', 3), ('scream', 3), ('calender', 3), ('laughter', 3), ('baking', 3), ('avaliable', 3), ('joking', 3), ('locally', 3), ('bot', 3), ('phillip', 3), ('sang', 3), ('musicians', 3), ('meal', 3), ('lawn', 3), ('countertop', 3), ('adapters', 3), ('maker', 3), ('decor', 3), ('synchronize', 3), ('schlage', 3), ('matches', 3), ('memorize', 3), ('baseball', 3), ('stern', 3), ('helpfull', 3), ('afar', 3), ('scoop', 3), ('av', 3), ('human', 3), ('routines', 3), ('butler', 3), ('secretary', 3), ('informational', 3), ('modules', 3), ('identical', 3), ('confirmed', 3), ('interacts', 3), ('resulted', 3), ('obey', 3), ('phrasing', 3), ('exercise', 3), ('examples', 3), ('demonstrates', 3), ('dynamic', 3), ('z', 3), ('myq', 3), ('dumped', 3), ('wit', 3), ('boat', 3), ('hottest', 3), ('soundtrack', 3), ('inquiry', 3), ('unanswered', 3), ('jam', 3), ('remembering', 3), ('eagles', 3), ('supplies', 3), ('hall', 3), ('simplify', 3), ('eyeing', 3), ('musics', 3), ('buff', 3), ('knocks', 3), ('queen', 3), ('releases', 3), ('jarvis', 3), ('walks', 3), ('explanatory', 3), ('revolution', 3), ('fascinating', 3), ('unpack', 3), ('repeats', 3), ('george', 3), ('jetson', 3), ('amazin', 3), ('cromecast', 3), ('controllable', 3), ('shortcuts', 3), ('forgetting', 3), ('solo', 3), ('generate', 3), ('false', 3), ('comprehensive', 3), ('bbq', 3), ('hindi', 3), ('tubular', 3), ('sequence', 3), ('160', 3), ('googling', 3), ('forcast', 3), ('converts', 3), ('mi', 3), ('relaxation', 3), ('promising', 3), ('puck', 3), ('meantime', 3), ('distortion', 3), ('misunderstanding', 3), ('overwhelming', 3), ('fantastically', 3), ('records', 3), ('consoles', 3), ('triggers', 3), ('riddles', 3), ('wiki', 3), ('tapped', 3), ('tweak', 3), ('domino', 3), ('den', 3), ('zip', 3), ('hoc', 3), ('olympics', 3), ('iron', 3), ('potatoes', 3), ('podcast', 3), ('dsl', 3), ('ala', 3), ('awe', 3), ('chuck', 3), ('alexi', 3), ('knocked', 3), ('fabric', 3), ('steam', 3), ('cordless', 3), ('tx', 3), ('jailbreak', 3), ('hdcp', 3), ('troubleshoot', 3), ('60fps', 3), ('seasons', 3), ('playstaion', 3), ('decoding', 3), ('rf', 3), ('presses', 3), ('starz', 3), ('h265', 3), ('mods', 3), ('delays', 3), ('pureflix', 3), ('antennae', 3), ('buffered', 3), ('premiere', 3), ('consolidate', 3), ('tuner', 3), ('exodus', 3), ('gap', 3), ('timeline', 3), ('ripped', 3), ('dtv', 3), ('ota', 3), ('30fps', 3), ('headset', 3), ('otterbox', 3), ('900', 2), ('insanely', 2), ('glossy', 2), ('64gig', 2), ('cease', 2), ('kindled', 2), ('easel', 2), ('inexspensive', 2), ('fingerprint', 2), ('elaborate', 2), ('rights', 2), ('rail', 2), ('paws', 2), ('recreation', 2), ('aftermarket', 2), ('hint', 2), ('generous', 2), ('complimentary', 2), ('resolutions', 2), ('wad', 2), ('sims', 2), ('unlocks', 2), ('sticker', 2), ('preferring', 2), ('surfacing', 2), ('loosens', 2), ('variation', 2), ('netflixs', 2), ('6gb', 2), ('routes', 2), ('blueray', 2), ('horsepower', 2), ('recipients', 2), ('biting', 2), ('spam', 2), ('loadout', 2), ('periodicals', 2), ('foremost', 2), ('maintains', 2), ('lecture', 2), ('roots', 2), ('shabby', 2), ('stomach', 2), ('accepted', 2), ('trys', 2), ('ninety', 2), ('bookreader', 2), ('blackfriday', 2), ('winter', 2), ('fuzzy', 2), ('conflicting', 2), ('babysit', 2), ('pict', 2), ('semester', 2), ('godsend', 2), ('graphical', 2), ('hides', 2), ('ecosphere', 2), ('arrow', 2), ('doubled', 2), ('burned', 2), ('snuff', 2), ('quest', 2), ('burns', 2), ('instances', 2), ('5x', 2), ('techs', 2), ('referring', 2), ('disappeared', 2), ('walled', 2), ('ereading', 2), ('issued', 2), ('occurs', 2), ('andi', 2), ('anxiety', 2), ('proficient', 2), ('sixth', 2), ('html', 2), ('56', 2), ('detracts', 2), ('mm', 2), ('personnel', 2), ('behavior', 2), ('diabetic', 2), ('typed', 2), ('excuse', 2), ('manufacture', 2), ('reciever', 2), ('exam', 2), ('gardening', 2), ('crime', 2), ('screed', 2), ('evaluating', 2), ('stripped', 2), ('lagged', 2), ('bur', 2), ('calmly', 2), ('encouraged', 2), ('unlocking', 2), ('gladly', 2), ('approached', 2), ('fire8', 2), ('interrupted', 2), ('camer', 2), ('costed', 2), ('fintie', 2), ('pricegood', 2), ('blitz', 2), ('ness', 2), ('diversity', 2), ('swype', 2), ('earphone', 2), ('cruzing', 2), ('dji', 2), ('fashion', 2), ('smudges', 2), ('gallery', 2), ('demon', 2), ('nerve', 2), ('survey', 2), ('grest', 2), ('malfunctioning', 2), ('movement', 2), ('websurfing', 2), ('pie', 2), ('warranties', 2), ('alight', 2), ('diapointed', 2), ('dandy', 2), ('veteran', 2), ('supervise', 2), ('invasive', 2), ('encryption', 2), ('decrease', 2), ('hevc', 2), ('seventy', 2), ('ipad2', 2), ('ed', 2), ('functionalities', 2), ('conversion', 2), ('imaginable', 2), ('5gb', 2), ('beginers', 2), ('summaries', 2), ('spreadsheet', 2), ('segment', 2), ('nano', 2), ('nextflix', 2), ('hogging', 2), ('cc', 2), ('acer', 2), ('outcome', 2), ('disappoints', 2), ('funtional', 2), ('contemplating', 2), ('latter', 2), ('deter', 2), ('genuinely', 2), ('payed', 2), ('grt', 2), ('protectors', 2), ('pirce', 2), ('mainstream', 2), ('paw', 2), ('contender', 2), ('350', 2), ('dentist', 2), ('productively', 2), ('quilty', 2), ('curved', 2), ('grandbabie', 2), ('drivers', 2), ('kindal', 2), ('praise', 2), ('pearl', 2), ('magnetically', 2), ('discontinue', 2), ('billboard', 2), ('upfront', 2), ('01', 2), ('negotiate', 2), ('motivates', 2), ('smartwatch', 2), ('structure', 2), ('uninterrupted', 2), ('voiding', 2), ('3gb', 2), ('tween', 2), ('amps', 2), ('astonishing', 2), ('positioned', 2), ('gamers', 2), ('hybrid', 2), ('recovered', 2), ('performer', 2), ('rocket', 2), ('unfair', 2), ('sceen', 2), ('repaired', 2), ('rainy', 2), ('stats', 2), ('awesomely', 2), ('surpass', 2), ('necessities', 2), ('promos', 2), ('ehhh', 2), ('collect', 2), ('digging', 2), ('nough', 2), ('executive', 2), ('10in', 2), ('fronts', 2), ('knee', 2), ('slowest', 2), ('goo', 2), ('rhe', 2), ('placement', 2), ('unboxing', 2), ('former', 2), ('whichever', 2), ('brown', 2), ('wine', 2), ('increasingly', 2), ('outperformed', 2), ('procesor', 2), ('vanished', 2), ('thinness', 2), ('justification', 2), ('refreshes', 2), ('wrist', 2), ('pleasurable', 2), ('290', 2), ('spendy', 2), ('distributed', 2), ('27', 2), ('ounce', 2), ('magnets', 2), ('engineering', 2), ('achievements', 2), ('opposite', 2), ('designing', 2), ('reflects', 2), ('comforting', 2), ('weightless', 2), ('tire', 2), ('pants', 2), ('elliptical', 2), ('occur', 2), ('touted', 2), ('cardboard', 2), ('closet', 2), ('stiff', 2), ('thickness', 2), ('border', 2), ('54', 2), ('rigid', 2), ('attaches', 2), ('mechanism', 2), ('contained', 2), ('hinges', 2), ('angled', 2), ('horribly', 2), ('evaluate', 2), ('mindless', 2), ('geeks', 2), ('schools', 2), ('spin', 2), ('shaped', 2), ('folders', 2), ('arranged', 2), ('despise', 2), ('partly', 2), ('carpal', 2), ('tunnel', 2), ('bomb', 2), ('challenges', 2), ('translations', 2), ('stumbled', 2), ('primetime', 2), ('frees', 2), ('therapy', 2), ('safeguard', 2), ('circadian', 2), ('rhythm', 2), ('authorized', 2), ('modular', 2), ('sincerely', 2), ('voltage', 2), ('5v', 2), ('distinction', 2), ('staples', 2), ('regulated', 2), ('produt', 2), ('bueno', 2), ('reat', 2), ('calmness', 2), ('critter', 2), ('289', 2), ('volts', 2), ('usefull', 2), ('dp', 2), ('nasty', 2), ('woks', 2), ('packet', 2), ('fountains', 2), ('writes', 2), ('biographies', 2), ('technician', 2), ('s6', 2), ('prongy', 2), ('magically', 2), ('involve', 2), ('silicone', 2), ('lightweigh', 2), ('simplest', 2), ('matted', 2), ('deduct', 2), ('compacted', 2), ('transfers', 2), ('caveman', 2), ('sore', 2), ('adorable', 2), ('thereafter', 2), ('adventures', 2), ('unsatisfied', 2), ('tempered', 2), ('participate', 2), ('serf', 2), ('exposure', 2), ('estimate', 2), ('spur', 2), ('grandbabies', 2), ('ofgreat', 2), ('inserting', 2), ('hardcopy', 2), ('adequately', 2), ('stylist', 2), ('malfunction', 2), ('notifying', 2), ('successful', 2), ('san', 2), ('chistmas', 2), ('rea', 2), ('ly', 2), ('37', 2), ('inadequate', 2), ('comparisons', 2), ('breezy', 2), ('carpet', 2), ('accommodating', 2), ('suck', 2), ('defender', 2), ('backpacks', 2), ('affortable', 2), ('society', 2), ('masses', 2), ('desent', 2), ('insists', 2), ('discharges', 2), ('war', 2), ('cement', 2), ('goog', 2), ('newby', 2), ('sdcard', 2), ('bull', 2), ('flashlight', 2), ('accepts', 2), ('happiest', 2), ('hearthstone', 2), ('romance', 2), ('potatoe', 2), ('notified', 2), ('precisely', 2), ('mths', 2), ('ouch', 2), ('camara', 2), ('6yrs', 2), ('salon', 2), ('presumably', 2), ('defected', 2), ('pointing', 2), ('madden', 2), ('digitizer', 2), ('passcode', 2), ('kurio', 2), ('flixter', 2), ('branded', 2), ('sdhc', 2), ('cyanogen', 2), ('gret', 2), ('loft', 2), ('surfed', 2), ('noted', 2), ('mate', 2), ('purchsed', 2), ('baked', 2), ('pales', 2), ('thet', 2), ('stack', 2), ('dvds', 2), ('zooming', 2), ('disturbed', 2), ('kidproof', 2), ('thanking', 2), ('shorted', 2), ('sorta', 2), ('johnny', 2), ('chris', 2), ('definitively', 2), ('zoo', 2), ('tiresome', 2), ('recommed', 2), ('puppy', 2), ('loan', 2), ('stash', 2), ('12yr', 2), ('abd', 2), ('timeframe', 2), ('tcm', 2), ('73', 2), ('elder', 2), ('mkv', 2), ('outdid', 2), ('jigsaw', 2), ('vacationing', 2), ('dare', 2), ('sonce', 2), ('varying', 2), ('dojo', 2), ('tabet', 2), ('accesible', 2), ('ceased', 2), ('essentials', 2), ('candle', 2), ('typos', 2), ('assess', 2), ('prine', 2), ('annotate', 2), ('intensive', 2), ('annotation', 2), ('fantasy', 2), ('commentaries', 2), ('scripture', 2), ('cycle', 2), ('wwe', 2), ('trashed', 2), ('netfix', 2), ('sealed', 2), ('excellently', 2), ('navigateperfect', 2), ('fiire', 2), ('hacking', 2), ('studies', 2), ('unrestricted', 2), ('inbox', 2), ('kiddie', 2), ('enrolled', 2), ('noob', 2), ('noticible', 2), ('bear', 2), ('unsuccessful', 2), ('annoyances', 2), ('hop', 2), ('somthing', 2), ('boring', 2), ('fooled', 2), ('sf', 2), ('apks', 2), ('winning', 2), ('compliments', 2), ('skips', 2), ('disagree', 2), ('apples', 2), ('cared', 2), ('notches', 2), ('gameplay', 2), ('sponsored', 2), ('approaching', 2), ('bookshelf', 2), ('dent', 2), ('16th', 2), ('remorse', 2), ('valentines', 2), ('kindell', 2), ('silky', 2), ('tge', 2), ('respectively', 2), ('overlooked', 2), ('distant', 2), ('ships', 2), ('instrument', 2), ('painless', 2), ('sidetracked', 2), ('initally', 2), ('shooting', 2), ('moral', 2), ('chemo', 2), ('triplets', 2), ('ministry', 2), ('vote', 2), ('intending', 2), ('crippled', 2), ('investigate', 2), ('hd6', 2), ('sufficiently', 2), ('remodeling', 2), ('resembles', 2), ('brake', 2), ('demonstrated', 2), ('misinformed', 2), ('revenue', 2), ('compromising', 2), ('preteens', 2), ('preformed', 2), ('stephanie', 2), ('ixl', 2), ('freed', 2), ('godmother', 2), ('advertises', 2), ('bloat', 2), ('excellence', 2), ('bottomline', 2), ('kim', 2), ('5yo', 2), ('ea', 2), ('dis', 2), ('concise', 2), ('schoolwork', 2), ('giveaway', 2), ('vids', 2), ('valid', 2), ('sideloading', 2), ('reworking', 2), ('useit', 2), ('nailed', 2), ('thrill', 2), ('prises', 2), ('expendable', 2), ('advisor', 2), ('dated', 2), ('rolling', 2), ('personalization', 2), ('seller', 2), ('graphs', 2), ('missus', 2), ('smoothing', 2), ('begginers', 2), ('3s', 2), ('nap', 2), ('applied', 2), ('crispy', 2), ('passing', 2), ('durning', 2), ('i3', 2), ('bam', 2), ('prone', 2), ('balances', 2), ('existence', 2), ('mundane', 2), ('cnbc', 2), ('wold', 2), ('inevitably', 2), ('trading', 2), ('pok', 2), ('mon', 2), ('triangulation', 2), ('dinosaur', 2), ('relation', 2), ('unions', 2), ('inlaw', 2), ('neiece', 2), ('naught', 2), ('indefinite', 2), ('continent', 2), ('leappad', 2), ('needy', 2), ('tanks', 2), ('deff', 2), ('ny', 2), ('rite', 2), ('owe', 2), ('permanent', 2), ('winding', 2), ('strips', 2), ('interfacing', 2), ('twelve', 2), ('grandaughters', 2), ('wild', 2), ('grafics', 2), ('caribbean', 2), ('trivial', 2), ('friendlier', 2), ('careless', 2), ('tiles', 2), ('painfully', 2), ('sketchy', 2), ('elders', 2), ('diy', 2), ('clunkier', 2), ('61', 2), ('guns', 2), ('chargeable', 2), ('dilemma', 2), ('nuisance', 2), ('71', 2), ('systen', 2), ('agood', 2), ('quickness', 2), ('disaster', 2), ('lime', 2), ('alive', 2), ('accidents', 2), ('ther', 2), ('ruins', 2), ('ppl', 2), ('highschool', 2), ('van', 2), ('credited', 2), ('determined', 2), ('functionally', 2), ('everthing', 2), ('illiterate', 2), ('googlecast', 2), ('crossword', 2), ('guided', 2), ('underestimate', 2), ('ownership', 2), ('prong', 2), ('sea', 2), ('exiting', 2), ('mailing', 2), ('weekdays', 2), ('servive', 2), ('combining', 2), ('kool', 2), ('confusion', 2), ('moth', 2), ('dec', 2), ('17th', 2), ('auxiliary', 2), ('persistence', 2), ('fixing', 2), ('cried', 2), ('powers', 2), ('screensavers', 2), ('incomplete', 2), ('catalogs', 2), ('commander', 2), ('override', 2), ('educationally', 2), ('funds', 2), ('compromised', 2), ('galore', 2), ('scattered', 2), ('messaging', 2), ('royale', 2), ('housing', 2), ('definitley', 2), ('fur', 2), ('55', 2), ('unreadable', 2), ('affordability', 2), ('adopt', 2), ('ahem', 2), ('3000', 2), ('animals', 2), ('vey', 2), ('hiccup', 2), ('hacked', 2), ('scanned', 2), ('notifies', 2), ('thy', 2), ('freinds', 2), ('nt', 2), ('dealership', 2), ('kiss', 2), ('inform', 2), ('64g', 2), ('weekday', 2), ('supper', 2), ('treasure', 2), ('allowance', 2), ('grasp', 2), ('customs', 2), ('filters', 2), ('bd', 2), ('slipped', 2), ('interfaced', 2), ('coating', 2), ('showcase', 2), ('awfully', 2), ('stickers', 2), ('ia', 2), ('confidence', 2), ('upto', 2), ('7yrs', 2), ('dangerous', 2), ('ser', 2), ('agreat', 2), ('cont', 2), ('duh', 2), ('favortie', 2), ('figures', 2), ('virgin', 2), ('billing', 2), ('chagrin', 2), ('vpn', 2), ('obnoxious', 2), ('defintely', 2), ('friendliness', 2), ('costco', 2), ('exists', 2), ('capacitive', 2), ('swears', 2), ('seats', 2), ('useable', 2), ('boss', 2), ('crossing', 2), ('149', 2), ('imported', 2), ('kindke', 2), ('blessing', 2), ('occurred', 2), ('amason', 2), ('david', 2), ('zeepad', 2), ('dan', 2), ('resent', 2), ('investing', 2), ('electric', 2), ('sharpener', 2), ('docking', 2), ('mama', 2), ('sgreat', 2), ('positional', 2), ('cringe', 2), ('respects', 2), ('blinded', 2), ('cruises', 2), ('parted', 2), ('becasue', 2), ('hastle', 2), ('polaroid', 2), ('motivated', 2), ('kiddy', 2), ('afordable', 2), ('quieter', 2), ('toe', 2), ('circling', 2), ('availabe', 2), ('lo', 2), ('behold', 2), ('transportable', 2), ('lessons', 2), ('peppa', 2), ('pig', 2), ('anticipating', 2), ('intentions', 2), ('yup', 2), ('janky', 2), ('junkie', 2), ('paranoid', 2), ('drained', 2), ('daddy', 2), ('paste', 2), ('glade', 2), ('couples', 2), ('attracted', 2), ('measure', 2), ('fulfills', 2), ('urge', 2), ('camp', 2), ('edited', 2), ('boasts', 2), ('thos', 2), ('discarded', 2), ('snagged', 2), ('mircosd', 2), ('42', 2), ('oil', 2), ('notion', 2), ('idiot', 2), ('stuffs', 2), ('accomplishes', 2), ('verry', 2), ('frog', 2), ('forgiven', 2), ('fanciest', 2), ('trailer', 2), ('cure', 2), ('miracle', 2), ('army', 2), ('drinking', 2), ('exercising', 2), ('hooray', 2), ('restock', 2), ('rake', 2), ('fitted', 2), ('transformer', 2), ('s3', 2), ('apparatus', 2), ('scene', 2), ('nov', 2), ('stink', 2), ('warehouse', 2), ('nurse', 2), ('subway', 2), ('81', 2), ('courtesy', 2), ('handing', 2), ('routinely', 2), ('cent', 2), ('producing', 2), ('popup', 2), ('banner', 2), ('remedied', 2), ('oriented', 2), ('conscious', 2), ('tile', 2), ('roadtrip', 2), ('summed', 2), ('heft', 2), ('rendered', 2), ('calander', 2), ('established', 2), ('lousy', 2), ('someones', 2), ('stalls', 2), ('obtrusive', 2), ('storm', 2), ('stocked', 2), ('modifications', 2), ('expecially', 2), ('cams', 2), ('wa', 2), ('skullcandy', 2), ('spirit', 2), ('nick', 2), ('impeccable', 2), ('rebooted', 2), ('idem', 2), ('downs', 2), ('skypes', 2), ('squint', 2), ('tabelt', 2), ('supplemental', 2), ('raves', 2), ('toting', 2), ('nightime', 2), ('teaches', 2), ('disneyworld', 2), ('italy', 2), ('recovering', 2), ('ore', 2), ('36', 2), ('dell', 2), ('muted', 2), ('shelled', 2), ('exacting', 2), ('seals', 2), ('ticket', 2), ('branch', 2), ('fearing', 2), ('decreased', 2), ('logs', 2), ('naby', 2), ('nobles', 2), ('fire7', 2), ('marketed', 2), ('firehd', 2), ('resolves', 2), ('land', 2), ('riddled', 2), ('noting', 2), ('miracast', 2), ('funky', 2), ('theyll', 2), ('clearness', 2), ('sw', 2), ('workmanship', 2), ('busted', 2), ('married', 2), ('nieceshe', 2), ('papa', 2), ('duarable', 2), ('redemption', 2), ('margins', 2), ('lightings', 2), ('revolutionary', 2), ('evolution', 2), ('unnoticeable', 2), ('transportation', 2), ('annoys', 2), ('published', 2), ('india', 2), ('rightly', 2), ('giveaways', 2), ('pounds', 2), ('downtime', 2), ('rehab', 2), ('iceland', 2), ('wipe', 2), ('matthew', 2), ('compatable', 2), ('wizard', 2), ('preschool', 2), ('snob', 2), ('23', 2), ('neil', 2), ('tony', 2), ('tweens', 2), ('existed', 2), ('slipping', 2), ('musically', 2), ('dat', 2), ('efficiency', 2), ('piano', 2), ('endured', 2), ('ignorant', 2), ('hugh', 2), ('tryed', 2), ('shy', 2), ('steelbook', 2), ('equivalent', 2), ('graduates', 2), ('macs', 2), ('k3', 2), ('dodo', 2), ('amazonbasics', 2), ('rubberized', 2), ('strap', 2), ('inner', 2), ('fastener', 2), ('reactions', 2), ('tastes', 2), ('splash', 2), ('teeth', 2), ('granddaugther', 2), ('recomended', 2), ('loooong', 2), ('preschooler', 2), ('bounced', 2), ('proudly', 2), ('withstands', 2), ('unconditional', 2), ('minnie', 2), ('rule', 2), ('awseome', 2), ('breakage', 2), ('frustrates', 2), ('healthy', 2), ('trending', 2), ('vocal', 2), ('identifying', 2), ('whit', 2), ('silicon', 2), ('enclosure', 2), ('interpreted', 2), ('grouping', 2), ('inaccurate', 2), ('256', 2), ('shoots', 2), ('habe', 2), ('encounter', 2), ('branding', 2), ('prepaid', 2), ('conection', 2), ('sprout', 2), ('varieties', 2), ('conducive', 2), ('breakable', 2), ('suggesting', 2), ('aplication', 2), ('insure', 2), ('nails', 2), ('onother', 2), ('jammed', 2), ('3yo', 2), ('5year', 2), ('eady', 2), ('warrantee', 2), ('broad', 2), ('savior', 2), ('aa', 2), ('kickstand', 2), ('fascinated', 2), ('everynight', 2), ('laughing', 2), ('optimum', 2), ('lovethis', 2), ('10th', 2), ('gold', 2), ('patents', 2), ('exaggerating', 2), ('reread', 2), ('baggage', 2), ('leary', 2), ('infinitely', 2), ('balloon', 2), ('trumps', 2), ('addiction', 2), ('harry', 2), ('potter', 2), ('fatigued', 2), ('illustrations', 2), ('feather', 2), ('mildly', 2), ('loans', 2), ('190', 2), ('methods', 2), ('slept', 2), ('lookup', 2), ('wholeheartedly', 2), ('facilities', 2), ('predecessor', 2), ('libro', 2), ('puedes', 2), ('tener', 2), ('todos', 2), ('libros', 2), ('sleepy', 2), ('exclaimed', 2), ('longing', 2), ('s5', 2), ('strenuous', 2), ('flickers', 2), ('abandoned', 2), ('toolbar', 2), ('bars', 2), ('expensively', 2), ('improvment', 2), ('domain', 2), ('corporate', 2), ('bro', 2), ('analysis', 2), ('doze', 2), ('rockin', 2), ('references', 2), ('lounging', 2), ('accumulate', 2), ('permits', 2), ('94', 2), ('reverse', 2), ('hardbacks', 2), ('reinvigorated', 2), ('underlined', 2), ('nightlight', 2), ('mimic', 2), ('drawer', 2), ('119', 2), ('portrate', 2), ('behemoth', 2), ('amazom', 2), ('curling', 2), ('favourite', 2), ('ranting', 2), ('adverse', 2), ('hobby', 2), ('greet', 2), ('bitten', 2), ('delegated', 2), ('advocate', 2), ('shone', 2), ('negligible', 2), ('flicker', 2), ('spacing', 2), ('decades', 2), ('squirrelly', 2), ('tactile', 2), ('irritate', 2), ('paperwhite1', 2), ('excellent2', 2), ('highlighters', 2), ('stephen', 2), ('enhancing', 2), ('halfway', 2), ('earn', 2), ('emanating', 2), ('substantially', 2), ('induce', 2), ('savor', 2), ('guatemala', 2), ('jumpy', 2), ('engaging', 2), ('temptation', 2), ('delayed', 2), ('booklights', 2), ('rushing', 2), ('lightnings', 2), ('french', 2), ('sheer', 2), ('infrastructure', 2), ('classy', 2), ('editions', 2), ('ears', 2), ('whites', 2), ('enormous', 2), ('migrate', 2), ('doesnot', 2), ('accompany', 2), ('interrupt', 2), ('alter', 2), ('paperwite', 2), ('russian', 2), ('rack', 2), ('draws', 2), ('participates', 2), ('juts', 2), ('bombarded', 2), ('annoyingly', 2), ('shipment', 2), ('smiling', 2), ('england', 2), ('conked', 2), ('exceedingly', 2), ('nyt', 2), ('pane', 2), ('obsessive', 2), ('causes', 2), ('advancing', 2), ('rocking', 2), ('aroumd', 2), ('loveit', 2), ('foward', 2), ('shelve', 2), ('swear', 2), ('transformed', 2), ('instantaneous', 2), ('transfered', 2), ('silver', 2), ('squeezy', 2), ('skins', 2), ('prefered', 2), ('relaxed', 2), ('devicegood', 2), ('300dpi', 2), ('deficated', 2), ('paoerwhite', 2), ('bevel', 2), ('constantantly', 2), ('returing', 2), ('relieved', 2), ('recycling', 2), ('spectacularly', 2), ('leadership', 2), ('caf', 2), ('upwards', 2), ('fade', 2), ('doubts', 2), ('sticking', 2), ('mentions', 2), ('cats', 2), ('tucked', 2), ('equals', 2), ('clippings', 2), ('medical', 2), ('assigned', 2), ('retailers', 2), ('rice', 2), ('disrupt', 2), ('tiring', 2), ('forego', 2), ('wondered', 2), ('absence', 2), ('prove', 2), ('tilt', 2), ('supporter', 2), ('crank', 2), ('bluish', 2), ('implementation', 2), ('downgrade', 2), ('marked', 2), ('surrounded', 2), ('nonexistent', 2), ('movers', 2), ('receives', 2), ('readeri', 2), ('papperwhite', 2), ('basket', 2), ('whiter', 2), ('lowering', 2), ('styles', 2), ('mentioning', 2), ('compensates', 2), ('sorting', 2), ('experts', 2), ('procrastinated', 2), ('split', 2), ('fm', 2), ('tract', 2), ('symbol', 2), ('vibration', 2), ('aluminum', 2), ('ligths', 2), ('discoloration', 2), ('forwards', 2), ('opinions', 2), ('defense', 2), ('unusual', 2), ('appreciates', 2), ('concentration', 2), ('gathers', 2), ('otter', 2), ('dorms', 2), ('humble', 2), ('roku2', 2), ('1984', 2), ('relate', 2), ('critique', 2), ('canadian', 2), ('adverts', 2), ('legally', 2), ('en', 2), ('sur', 2), ('que', 2), ('dramatic', 2), ('outages', 2), ('surge', 2), ('chewed', 2), ('screwed', 2), ('kitten', 2), ('famous', 2), ('ca', 2), ('93', 2), ('catholic', 2), ('richer', 2), ('iy', 2), ('breadth', 2), ('infinite', 2), ('28', 2), ('fiber', 2), ('optic', 2), ('desperately', 2), ('messy', 2), ('tease', 2), ('worship', 2), ('ingredients', 2), ('cookies', 2), ('omission', 2), ('nobody', 2), ('pokmon', 2), ('1960', 2), ('temperatures', 2), ('tweeks', 2), ('fixture', 2), ('attachments', 2), ('redo', 2), ('furniture', 2), ('hues', 2), ('chicken', 2), ('bottle', 2), ('handsfree', 2), ('convience', 2), ('noice', 2), ('thunderstorm', 2), ('paces', 2), ('logic', 2), ('united', 2), ('blinds', 2), ('imperative', 2), ('seemlessly', 2), ('aws', 2), ('mucic', 2), ('potato', 2), ('execution', 2), ('addicting', 2), ('sir', 2), ('italian', 2), ('underutilized', 2), ('wantedto', 2), ('gather', 2), ('regulating', 2), ('deeper', 2), ('broadband', 2), ('spotifly', 2), ('reacts', 2), ('overkill', 2), ('instal', 2), ('911', 2), ('concierge', 2), ('comedian', 2), ('musician', 2), ('casts', 2), ('50s', 2), ('compatability', 2), ('dcor', 2), ('ranked', 2), ('applicable', 2), ('crowded', 2), ('equipments', 2), ('dialog', 2), ('fr', 2), ('composer', 2), ('15min', 2), ('goofy', 2), ('superfun', 2), ('herd', 2), ('halo', 2), ('intimidated', 2), ('sponsors', 2), ('inquiries', 2), ('meatloaf', 2), ('ces', 2), ('whe', 2), ('cheating', 2), ('plugins', 2), ('freakin', 2), ('addtion', 2), ('itt', 2), ('fad', 2), ('chamberlin', 2), ('percentage', 2), ('duluth', 2), ('hung', 2), ('jan', 2), ('signup', 2), ('delivering', 2), ('sq', 2), ('knees', 2), ('raving', 2), ('forum', 2), ('oldies', 2), ('anazon', 2), ('cores', 2), ('pipe', 2), ('hmm', 2), ('quiz', 2), ('homepod', 2), ('meow', 2), ('convienient', 2), ('recurring', 2), ('ourgroceries', 2), ('misunderstands', 2), ('insight', 2), ('smarthings', 2), ('bubbles', 2), ('deceptive', 2), ('centerpiece', 2), ('rm', 2), ('repetitive', 2), ('bandwagon', 2), ('implementing', 2), ('clocks', 2), ('measuring', 2), ('uodates', 2), ('raga', 2), ('centralized', 2), ('inquire', 2), ('darth', 2), ('conversational', 2), ('represents', 2), ('region', 2), ('flashes', 2), ('blutooth', 2), ('interconnects', 2), ('popularity', 2), ('morris', 2), ('knight', 2), ('vj', 2), ('beck', 2), ('lullabies', 2), ('instruments', 2), ('stroke', 2), ('informing', 2), ('partnership', 2), ('jeff', 2), ('bezos', 2), ('marry', 2), ('posting', 2), ('president', 2), ('radios', 2), ('hallway', 2), ('ws', 2), ('evolve', 2), ('knife', 2), ('caution', 2), ('buckie', 2), ('bluethooth', 2), ('fuller', 2), ('pot', 2), ('zwave', 2), ('echobee', 2), ('alexsa', 2), ('scratching', 2), ('greets', 2), ('neatest', 2), ('unleash', 2), ('cooks', 2), ('singer', 2), ('surroundings', 2), ('dud', 2), ('amz', 2), ('og', 2), ('refers', 2), ('detergent', 2), ('chest', 2), ('scissors', 2), ('memeber', 2), ('glossary', 2), ('equivalents', 2), ('furnace', 2), ('developing', 2), ('upped', 2), ('strip', 2), ('monster', 2), ('implement', 2), ('pronounce', 2), ('bby', 2), ('yopu', 2), ('gr8', 2), ('rented', 2), ('naming', 2), ('protocols', 2), ('100x', 2), ('washing', 2), ('humour', 2), ('planets', 2), ('adt', 2), ('wedding', 2), ('structurally', 2), ('volumne', 2), ('doe', 2), ('invented', 2), ('interpreting', 2), ('wiz', 2), ('uncommon', 2), ('customizations', 2), ('centrally', 2), ('algorithms', 2), ('taining', 2), ('speeker', 2), ('upbeat', 2), ('quantity', 2), ('educate', 2), ('phonograph', 2), ('replied', 2), ('concert', 2), ('execute', 2), ('670', 2), ('thruout', 2), ('dress', 2), ('reporting', 2), ('butt', 2), ('establish', 2), ('bird', 2), ('hvac', 2), ('actresses', 2), ('2000', 2), ('mexican', 2), ('continuing', 2), ('129', 2), ('trackr', 2), ('households', 2), ('respective', 2), ('gameroom', 2), ('stark', 2), ('noises', 2), ('element', 2), ('concerts', 2), ('reordering', 2), ('gracious', 2), ('relays', 2), ('informs', 2), ('beeps', 2), ('headed', 2), ('captain', 2), ('soundtouch', 2), ('fussy', 2), ('prodcut', 2), ('sentence', 2), ('sleekness', 2), ('nba', 2), ('microwave', 2), ('stovetop', 2), ('grill', 2), ('confirms', 2), ('conditioner', 2), ('isp', 2), ('booster', 2), ('aaa', 2), ('goodnight', 2), ('kindly', 2), ('accents', 2), ('coordinate', 2), ('wroth', 2), ('battle', 2), ('outshout', 2), ('omni', 2), ('genie', 2), ('lotta', 2), ('watering', 2), ('elizabeth', 2), ('shoe', 2), ('xyz', 2), ('yonomi', 2), ('overtime', 2), ('shampoo', 2), ('bridal', 2), ('parred', 2), ('humidity', 2), ('747', 2), ('jet', 2), ('soundbar', 2), ('cheesy', 2), ('amused', 2), ('logically', 2), ('looses', 2), ('130', 2), ('ingrate', 2), ('skeptic', 2), ('practicality', 2), ('sporting', 2), ('tim', 2), ('doorbell', 2), ('patiently', 2), ('highway', 2), ('intermittently', 2), ('livingroom', 2), ('martini', 2), ('scenarios', 2), ('augment', 2), ('u2', 2), ('invitation', 2), ('mimi', 2), ('cor', 2), ('woodchuck', 2), ('hog', 2), ('quibble', 2), ('kindle10', 2), ('piggyback', 2), ('accounting', 2), ('squenting', 2), ('tamron', 2), ('proofing', 2), ('stutters', 2), ('escape', 2), ('thetap', 2), ('lied', 2), ('halloween', 2), ('semi', 2), ('caveats', 2), ('funtionality', 2), ('launching', 2), ('bandwith', 2), ('diference', 2), ('intertainment', 2), ('spmc', 2), ('98', 2), ('screencasting', 2), ('signals', 2), ('fulfill', 2), ('heather', 2), ('greate', 2), ('playstationvue', 2), ('ditching', 2), ('arrange', 2), ('ip', 2), ('tnt', 2), ('faves', 2), ('gouged', 2), ('altho', 2), ('roku4', 2), ('buffing', 2), ('emby', 2), ('cat6', 2), ('bricked', 2), ('nighthawk', 2), ('directvnow', 2), ('netgear', 2), ('chromecasts', 2), ('cox', 2), ('scaling', 2), ('interfering', 2), ('upscale', 2), ('hassel', 2), ('doa', 2), ('versitility', 2), ('dev', 2), ('gratification', 2), ('hanks', 2), ('lodi', 2), ('carte', 2), ('sevices', 2), ('freeing', 2), ('formy', 2), ('sacrifice', 2), ('wich', 2), ('withe', 2), ('dongle', 2), ('directnow', 2), ('outrages', 2), ('networked', 2), ('suppsed', 2), ('lane', 2), ('clutches', 2), ('specifics', 2), ('minimizes', 2), ('plentiful', 2), ('venues', 2), ('centurylink', 2), ('firetvstick', 2), ('archived', 2), ('firetvs', 2), ('oracle', 2), ('rj45', 2), ('frequencies', 2), ('apps2fire', 2), ('afterwards', 2), ('verification', 2), ('extender', 2), ('fluctuate', 2), ('cec', 2), ('quadcore', 2), ('tablo', 2), ('interference', 2), ('internals', 2), ('sand', 2), ('matricom', 2), ('divice', 2), ('adb', 2), ('netlfix', 2), ('iso', 2), ('attitude', 2), ('avr', 2), ('chords', 2), ('mario', 2), ('crackle', 2), ('chanel', 2), ('fs1', 2), ('heave', 2), ('attic', 2), ('chnls', 2), ('fujitv', 2), ('amazontv', 2), ('s1', 2), ('gently', 2), ('warped', 2), ('laterthis', 1), ('1280', 1), ('infact', 1), ('7mm', 1), ('youand', 1), ('viedos', 1), ('manegement', 1), ('calenders', 1), ('imaging', 1), ('articulating', 1), ('canvas', 1), ('recovery', 1), ('predominately', 1), ('biographys', 1), ('offshoot', 1), ('commuter', 1), ('recycled', 1), ('downgrading', 1), ('wev', 1), ('rood', 1), ('formated', 1), ('xfat', 1), ('werent', 1), ('coc', 1), ('wayyyyy', 1), ('eaxh', 1), ('bith', 1), ('permissions', 1), ('strict', 1), ('gutter', 1), ('bcuz', 1), ('lotmore', 1), ('comfy', 1), ('abount', 1), ('acces', 1), ('reloaded', 1), ('stalk', 1), ('impresses', 1), ('zinio', 1), ('incompatibilities', 1), ('marketamazon', 1), ('granddaugter', 1), ('starfall', 1), ('ticks', 1), ('crews', 1), ('ata', 1), ('frienday', 1), ('byee', 1), ('benefiting', 1), ('voicecast', 1), ('reaponse', 1), ('bogs', 1), ('craig', 1), ('twhat', 1), ('crosswords', 1), ('boggling', 1), ('240gb', 1), ('netflick', 1), ('2hrs', 1), ('heaviness', 1), ('carrasoul', 1), ('pixelating', 1), ('miro', 1), ('dizzying', 1), ('delegating', 1), ('alleviating', 1), ('considerate', 1), ('hasslevery', 1), ('1mobile', 1), ('himsince', 1), ('preoccupied', 1), ('mbr', 1), ('woudl', 1), ('menial', 1), ('grrat', 1), ('expectionations', 1), ('avoids', 1), ('easyperfect', 1), ('alwyas', 1), ('narration', 1), ('featuers', 1), ('farms', 1), ('nana', 1), ('microtransactions', 1), ('worksheets', 1), ('colleagues', 1), ('supportled', 1), ('isnot', 1), ('moztly', 1), ('triplet', 1), ('asstounding', 1), ('unschooled', 1), ('prettier', 1), ('youreyes', 1), ('demensions', 1), ('undergraduate', 1), ('biology', 1), ('750', 1), ('wishlist', 1), ('asphalt', 1), ('playable', 1), ('xbox1', 1), ('dubbles', 1), ('bbuy', 1), ('outsell', 1), ('lunchtime', 1), ('congrats', 1), ('preserve', 1), ('replay', 1), ('pinsharp', 1), ('iut', 1), ('organ', 1), ('189ppi', 1), ('laminated', 1), ('nitpicks', 1), ('punches', 1), ('titan', 1), ('readout', 1), ('morei', 1), ('casei', 1), ('unpredictable', 1), ('futon', 1), ('slugginess', 1), ('biking', 1), ('improvments', 1), ('prety', 1), ('unsatisfactory', 1), ('rcase', 1), ('mishandled', 1), ('wtf', 1), ('aggravation', 1), ('tethers', 1), ('souped', 1), ('darkens', 1), ('soi', 1), ('sooooooo', 1), ('slowwwwww', 1), ('perpetually', 1), ('stickum', 1), ('rescue', 1), ('inducing', 1), ('murphy', 1), ('ahs8n', 1), ('cap', 1), ('buggers', 1), ('64000b', 1), ('atari', 1), ('expirence', 1), ('cheaped', 1), ('appeares', 1), ('wnough', 1), ('slarts', 1), ('powerpoints', 1), ('husbandand', 1), ('underway', 1), ('chatging', 1), ('stoped', 1), ('apts', 1), ('greatcons', 1), ('telegram', 1), ('hindrance', 1), ('trifold', 1), ('kindlle', 1), ('painstakingly', 1), ('performant', 1), ('espn3', 1), ('proximity', 1), ('imporoved', 1), ('honeycomb', 1), ('unfriendly', 1), ('truth', 1), ('inexplicably', 1), ('breed', 1), ('characteristics', 1), ('xan', 1), ('germany', 1), ('cramped', 1), ('undesirable', 1), ('disables', 1), ('cited', 1), ('silent', 1), ('authenticated', 1), ('boasting', 1), ('alertanative', 1), ('sorted', 1), ('disappointments', 1), ('producs', 1), ('pixelation', 1), ('modt', 1), ('minuscule', 1), ('screws', 1), ('teblets', 1), ('juggling', 1), ('inexpeisve', 1), ('pretyy', 1), ('premitive', 1), ('lindle', 1), ('relocate', 1), ('savoy', 1), ('relable', 1), ('chatter', 1), ('fiiiiiiyah', 1), ('cheddar', 1), ('rectangle', 1), ('interwebz', 1), ('flattered', 1), ('xmas2015', 1), ('begining', 1), ('assocate', 1), ('tooo', 1), ('asesome', 1), ('samsug', 1), ('goggles', 1), ('serfing', 1), ('relationships', 1), ('edgewise', 1), ('highlygreat', 1), ('bejeweled', 1), ('childthis', 1), ('nonresponsive', 1), ('midday', 1), ('shimmering', 1), ('wen', 1), ('lounger', 1), ('paretal', 1), ('unwilling', 1), ('wry', 1), ('gotchas', 1), ('abit', 1), ('mixture', 1), ('phantom', 1), ('relies', 1), ('valuegreat', 1), ('lb', 1), ('ranges', 1), ('broadcasting', 1), ('whey', 1), ('rablet', 1), ('xlsx', 1), ('pptx', 1), ('kkep', 1), ('usr', 1), ('gamecircle', 1), ('lastlonger', 1), ('gety', 1), ('applies', 1), ('canaccess', 1), ('functinality', 1), ('wracking', 1), ('gigabyte', 1), ('explandable', 1), ('photographer', 1), ('unaceptable', 1), ('vulcans', 1), ('acrobat', 1), ('bascially', 1), ('amout', 1), ('overages', 1), ('coclors', 1), ('foor', 1), ('downer', 1), ('mush', 1), ('ilovemy', 1), ('clamps', 1), ('accomodate', 1), ('thursday', 1), ('easyto', 1), ('vietnam', 1), ('fridaypros', 1), ('soundwell', 1), ('builtcons', 1), ('storenet', 1), ('friendas', 1), ('graded', 1), ('ck', 1), ('muss', 1), ('sofisticated', 1), ('announcedherself', 1), ('conversing', 1), ('wordless', 1), ('pictorialstart', 1), ('primitive', 1), ('vague', 1), ('thisdevice', 1), ('thatfills', 1), ('protocol', 1), ('toattach', 1), ('kindlely', 1), ('fiery', 1), ('strides', 1), ('increideble', 1), ('onclude', 1), ('avi', 1), ('apponto', 1), ('nookereader', 1), ('doorbuster', 1), ('probobly', 1), ('lagginess', 1), ('filtered', 1), ('tmtis', 1), ('downright', 1), ('375', 1), ('lib', 1), ('flyer', 1), ('deserved', 1), ('shoves', 1), ('hroat', 1), ('haveit', 1), ('ook', 1), ('workhorse', 1), ('horse', 1), ('begging', 1), ('rebooting', 1), ('roaming', 1), ('tab3', 1), ('retrieval', 1), ('reckless', 1), ('supportable', 1), ('eagerness', 1), ('misled', 1), ('solicited', 1), ('cardscons', 1), ('intrusiveoverall', 1), ('g3', 1), ('containing', 1), ('panels', 1), ('mandated', 1), ('nexus7', 1), ('wonderfull', 1), ('fab', 1), ('captable', 1), ('weakest', 1), ('helpedalways', 1), ('a6', 1), ('to12', 1), ('disneyland', 1), ('tranquil', 1), ('workable', 1), ('alternatve', 1), ('readi', 1), ('ew', 1), ('endurance', 1), ('willynilly', 1), ('recommeneded', 1), ('begrudge', 1), ('fide', 1), ('lokes', 1), ('disspoinment', 1), ('firehd8', 1), ('technilogical', 1), ('orginal', 1), ('cutoff', 1), ('toggling', 1), ('qr', 1), ('7year', 1), ('duel', 1), ('unbearably', 1), ('allthough', 1), ('shifted', 1), ('gecksqd', 1), ('fre', 1), ('homer', 1), ('recuperating', 1), ('haircut', 1), ('shear', 1), ('awsomo', 1), ('assign', 1), ('barrows', 1), ('smokes', 1), ('presets', 1), ('rubs', 1), ('inthe', 1), ('simplty', 1), ('awwsome', 1), ('moneyenough', 1), ('gamesdecent', 1), ('lifecons', 1), ('weekslow', 1), ('everythimg', 1), ('craze', 1), ('survive', 1), ('multifunction', 1), ('summons', 1), ('rearvision', 1), ('mounts', 1), ('vent', 1), ('fsntastic', 1), ('labtop', 1), ('breathe', 1), ('aiming', 1), ('fay', 1), ('loathe', 1), ('105', 1), ('unbecoming', 1), ('pronto', 1), ('octane', 1), ('deployment', 1), ('bookclub', 1), ('fbs', 1), ('championship', 1), ('bama', 1), ('everythig', 1), ('figertips', 1), ('restarts', 1), ('acc', 1), ('considerarions', 1), ('mint', 1), ('sorely', 1), ('brenda', 1), ('disrespectful', 1), ('rude', 1), ('representing', 1), ('salary', 1), ('ened', 1), ('credible', 1), ('litchi', 1), ('mavic', 1), ('clinicals', 1), ('stepmom', 1), ('purcase', 1), ('xmass', 1), ('champions', 1), ('strike', 1), ('spead', 1), ('sequin', 1), ('nashville', 1), ('unrivaled', 1), ('familiarizing', 1), ('techny', 1), ('slouch', 1), ('customet', 1), ('wildlife', 1), ('operable', 1), ('tabket', 1), ('ond', 1), ('laggs', 1), ('adust', 1), ('bok', 1), ('imy', 1), ('becazuse', 1), ('haf', 1), ('stoeage', 1), ('venue', 1), ('peeved', 1), ('anime', 1), ('blanking', 1), ('then10', 1), ('qualitygood', 1), ('moneycan', 1), ('hug', 1), ('assisting', 1), ('1week', 1), ('speakes', 1), ('battert', 1), ('delta', 1), ('unimpressive', 1), ('awile', 1), ('fire1', 1), ('9yo', 1), ('yer', 1), ('salesgirl', 1), ('interns', 1), ('whistle', 1), ('indicators', 1), ('proff', 1), ('migration', 1), ('tbe', 1), ('tbey', 1), ('assoc', 1), ('areally', 1), ('iwas', 1), ('tread', 1), ('mill', 1), ('wheel', 1), ('lays', 1), ('panicked', 1), ('hogs', 1), ('cookbook', 1), ('teader', 1), ('replacemwnt', 1), ('cortonna', 1), ('kindlelishous', 1), ('97', 1), ('multifaceted', 1), ('scrutiny', 1), ('seatmate', 1), ('babes', 1), ('s8', 1), ('tinier', 1), ('inverted', 1), ('patchy', 1), ('wheni', 1), ('ergonomical', 1), ('unsnaps', 1), ('redesign', 1), ('reverses', 1), ('centre', 1), ('gravity', 1), ('reappearance', 1), ('pinched', 1), ('shifting', 1), ('positions', 1), ('squarish', 1), ('kindels', 1), ('glove', 1), ('configurable', 1), ('unprepared', 1), ('impossibly', 1), ('trace', 1), ('illusion', 1), ('rotates', 1), ('310', 1), ('lighweight', 1), ('bookshelves', 1), ('seated', 1), ('flipped', 1), ('moons', 1), ('yellower', 1), ('orientation', 1), ('laston', 1), ('remembered', 1), ('succeed', 1), ('differentiator', 1), ('ergonomics', 1), ('deliberately', 1), ('prolongs', 1), ('marred', 1), ('microfiber', 1), ('hollowed', 1), ('enclosed', 1), ('spread', 1), ('oversight', 1), ('saddle', 1), ('stitching', 1), ('reveal', 1), ('illuminates', 1), ('stretchable', 1), ('designers', 1), ('forethought', 1), ('sophistication', 1), ('briefly', 1), ('hinged', 1), ('rubbery', 1), ('sleektight', 1), ('fituses', 1), ('lightbar', 1), ('factoring', 1), ('knitted', 1), ('reallyread', 1), ('tweeting', 1), ('juju', 1), ('vehicles', 1), ('carrier', 1), ('11yr', 1), ('sega', 1), ('housed', 1), ('slik', 1), ('swyping', 1), ('weaknesses', 1), ('legitimately', 1), ('hasmore', 1), ('hypersensitive', 1), ('68', 1), ('phooey', 1), ('fundraiser', 1), ('byod', 1), ('howto', 1), ('voids', 1), ('deducted', 1), ('foldover', 1), ('phablet', 1), ('500ish', 1), ('96', 1), ('recorder', 1), ('uniformity', 1), ('clogs', 1), ('curriculums', 1), ('bedt', 1), ('tot', 1), ('toast', 1), ('distribute', 1), ('onext', 1), ('ireader', 1), ('somewhe', 1), ('20gb', 1), ('miniature', 1), ('8hd', 1), ('32mb', 1), ('anxiously', 1), ('judiemae', 1), ('mojo', 1), ('african', 1), ('ul', 1), ('listeda', 1), ('04', 1), ('110', 1), ('120v', 1), ('240v', 1), ('bundledwith', 1), ('raked', 1), ('skipped', 1), ('detract', 1), ('pictured', 1), ('scribed', 1), ('firmly', 1), ('attatch', 1), ('expectd', 1), ('accesory', 1), ('https', 1), ('b01j2g4vbg', 1), ('refcmcrrypprdttlsol4', 1), ('nocomment', 1), ('carol', 1), ('steer', 1), ('recomendable', 1), ('ass', 1), ('fern', 1), ('michaels', 1), ('hideaway', 1), ('imac', 1), ('fitthat', 1), ('chicago', 1), ('hamilton', 1), ('chernow', 1), ('fried', 1), ('j7', 1), ('transmit', 1), ('kidle', 1), ('mae', 1), ('ogino', 1), ('seond', 1), ('cot', 1), ('wiggles', 1), ('tines', 1), ('firs', 1), ('vert', 1), ('flashing', 1), ('demerit', 1), ('enjoyes', 1), ('drainage', 1), ('curriculum', 1), ('fancier', 1), ('understandably', 1), ('optimist', 1), ('pigeon', 1), ('holed', 1), ('declines', 1), ('sicnce', 1), ('dmv', 1), ('bifocals', 1), ('collected', 1), ('inadvertant', 1), ('twitchy', 1), ('rabbit', 1), ('kns', 1), ('realise', 1), ('wwan', 1), ('glear', 1), ('harmful', 1), ('thouroughly', 1), ('migraines', 1), ('crossed', 1), ('beech', 1), ('iit', 1), ('firsdt', 1), ('batteryseems', 1), ('dwn', 1), ('willingly', 1), ('popups', 1), ('outdose', 1), ('dimensions', 1), ('zooms', 1), ('unspectacular', 1), ('outperformes', 1), ('nohow', 1), ('museum', 1), ('path', 1), ('impede', 1), ('tore', 1), ('paypal', 1), ('512mb', 1), ('browsethis', 1), ('coding', 1), ('acclimate', 1), ('compromises', 1), ('inpatient', 1), ('camcorder', 1), ('shoes', 1), ('fiddling', 1), ('kingroot', 1), ('roms', 1), ('pluse', 1), ('reliant', 1), ('noticibly', 1), ('impacts', 1), ('twist', 1), ('92', 1), ('bejewled', 1), ('quilt', 1), ('retreats', 1), ('bu', 1), ('upcons', 1), ('selectiongreat', 1), ('undergroundextremely', 1), ('affordablesd', 1), ('supportcons', 1), ('toexpand', 1), ('skittle', 1), ('genealological', 1), ('allocate', 1), ('shhhhhh', 1), ('unmatched', 1), ('tabo', 1), ('lining', 1), ('youse', 1), ('ahe', 1), ('ooose', 1), ('einsteins', 1), ('antonio', 1), ('spurs', 1), ('leftover', 1), ('broughtt', 1), ('retained', 1), ('unavoidable', 1), ('functioanality', 1), ('quits', 1), ('independently', 1), ('competable', 1), ('protrvtion', 1), ('male', 1), ('gp', 1), ('allthe', 1), ('memeory', 1), ('unicorn', 1), ('beetle', 1), ('briefcases', 1), ('minisd', 1), ('leery', 1), ('lean', 1), ('12th', 1), ('monuva', 1), ('bery', 1), ('futures', 1), ('weightcons', 1), ('deviceoverall', 1), ('nigeria', 1), ('digit', 1), ('sharpest', 1), ('faith', 1), ('earns', 1), ('bougth', 1), ('dabbled', 1), ('lockscreenhowever', 1), ('fledged', 1), ('cashier', 1), ('cartwheel', 1), ('apiece', 1), ('yera', 1), ('daughterworks', 1), ('mandatory', 1), ('gir', 1), ('hierarchy', 1), ('cramps', 1), ('maxing', 1), ('volumn', 1), ('treasures', 1), ('tractors', 1), ('childen', 1), ('developer', 1), ('sleak', 1), ('littoe', 1), ('chats', 1), ('char', 1), ('hin', 1), ('hitched', 1), ('usd50', 1), ('dramatically', 1), ('discourage', 1), ('107', 1), ('imaginably', 1), ('outwards', 1), ('perchues', 1), ('pittance', 1), ('steak', 1), ('brews', 1), ('bearly', 1), ('spider', 1), ('paso', 1), ('slogan', 1), ('akward', 1), ('andhave', 1), ('substandard', 1), ('glitching', 1), ('inspect', 1), ('childeren', 1), ('firegreat', 1), ('boggle', 1), ('haiti', 1), ('reside', 1), ('expend', 1), ('agreements', 1), ('sharge', 1), ('davy', 1), ('whirl', 1), ('workall', 1), ('thd', 1), ('fird', 1), ('proping', 1), ('16yr', 1), ('ipdad', 1), ('msrp', 1), ('muchhh', 1), ('invisible', 1), ('beencollecting', 1), ('7s', 1), ('longevity', 1), ('compters', 1), ('defaulty', 1), ('kindle7', 1), ('saythanks', 1), ('mr', 1), ('ipad3', 1), ('detractors', 1), ('iteasily', 1), ('4more', 1), ('pe', 1), ('whould', 1), ('daybag', 1), ('reopens', 1), ('firei', 1), ('booth', 1), ('tb', 1), ('5min', 1), ('muddy', 1), ('tail', 1), ('enouph', 1), ('promo', 1), ('learing', 1), ('excessively', 1), ('divorced', 1), ('merry', 1), ('and7', 1), ('angst', 1), ('hometown', 1), ('conduct', 1), ('pixelly', 1), ('analogous', 1), ('boos', 1), ('enrolls', 1), ('operarion', 1), ('imails', 1), ('tieing', 1), ('rig', 1), ('legitimate', 1), ('aforementioned', 1), ('particuly', 1), ('fireman', 1), ('firehouse', 1), ('gesr', 1), ('cheapfunctions', 1), ('wellusually', 1), ('fastcons', 1), ('tabletsscreen', 1), ('sfrequent', 1), ('inif', 1), ('bin', 1), ('kidsvery', 1), ('disractions', 1), ('totalling', 1), ('comparrison', 1), ('wifis', 1), ('nit', 1), ('wade', 1), ('hazard', 1), ('masterr', 1), ('stater', 1), ('kindlehd', 1), ('practices', 1), ('yous', 1), ('deleting', 1), ('thsee', 1), ('overheated', 1), ('mourning', 1), ('formidable', 1), ('grad', 1), ('1thing', 1), ('watche', 1), ('steamed', 1), ('identity', 1), ('prevalent', 1), ('goverment', 1), ('aprox', 1), ('clueless', 1), ('limiter', 1), ('vid', 1), ('flabbergasted', 1), ('reeboot', 1), ('cashing', 1), ('annuity', 1), ('bypass', 1), ('establishes', 1), ('financially', 1), ('restoring', 1), ('disengaged', 1), ('albeit', 1), ('roadi', 1), ('ftom', 1), ('mx', 1), ('treats', 1), ('flung', 1), ('boops', 1), ('netfkix', 1), ('nun', 1), ('biiger', 1), ('southeast', 1), ('inflated', 1), ('eveything', 1), ('fundamental', 1), ('fisher', 1), ('everyting', 1), ('modification', 1), ('mrs', 1), ('mor', 1), ('expire', 1), ('refill', 1), ('illuminating', 1), ('inexspensivd', 1), ('diffidently', 1), ('jut', 1), ('lettersare', 1), ('inadvertent', 1), ('guesswork', 1), ('responsibly', 1), ('forces', 1), ('approval', 1), ('paided', 1), ('battry', 1), ('8hr', 1), ('sanctioned', 1), ('cellpone', 1), ('chikka', 1), ('perfectbattery', 1), ('greatease', 1), ('aligned', 1), ('especiallly', 1), ('crispier', 1), ('smiles', 1), ('3t', 1), ('triangle', 1), ('hyperlinks', 1), ('referencing', 1), ('expdf', 1), ('negatively', 1), ('impacting', 1), ('booklight', 1), ('sustaining', 1), ('deescalated', 1), ('nonprofit', 1), ('thrilledwith', 1), ('tacky', 1), ('brst', 1), ('excellentwireless', 1), ('preciousness', 1), ('effitient', 1), ('merit', 1), ('stables', 1), ('tossing', 1), ('hose', 1), ('bedtimes', 1), ('onfacebook', 1), ('sophomore', 1), ('googlke', 1), ('avway', 1), ('acceptance', 1), ('doodling', 1), ('amazes', 1), ('flix', 1), ('chunk', 1), ('cbz', 1), ('comiccat', 1), ('dominated', 1), ('450', 1), ('finances', 1), ('privileged', 1), ('district', 1), ('compaters', 1), ('pejorative', 1), ('transported', 1), ('thoughtful', 1), ('moby', 1), ('travellers', 1), ('vga', 1), ('barcodes', 1), ('orbo', 1), ('wimo', 1), ('shrugs', 1), ('uv', 1), ('visibilty', 1), ('anonymous', 1), ('serviceable', 1), ('catagories', 1), ('preorder', 1), ('shoddy', 1), ('linkedin', 1), ('skpe', 1), ('shocking', 1), ('270', 1), ('oranges', 1), ('tasty', 1), ('refurbs', 1), ('scrimp', 1), ('paltry', 1), ('impacted', 1), ('shots', 1), ('10000', 1), ('ga', 1), ('ecah', 1), ('admirably', 1), ('splotchy', 1), ('despicable', 1), ('plz', 1), ('tack', 1), ('rotation', 1), ('views', 1), ('porpose', 1), ('retribution', 1), ('conference', 1), ('problemscamera', 1), ('choldren', 1), ('bombardment', 1), ('beg', 1), ('plead', 1), ('anki', 1), ('oppose', 1), ('wtg', 1), ('thw', 1), ('mights', 1), ('185', 1), ('cozy', 1), ('kendle', 1), ('justright', 1), ('gobbling', 1), ('overuse', 1), ('helpfulness', 1), ('bookbag', 1), ('googly', 1), ('advising', 1), ('snapping', 1), ('billion', 1), ('translator', 1), ('advertized', 1), ('jamaica', 1), ('finctional', 1), ('excellentlty', 1), ('1m', 1), ('concealable', 1), ('grrrrr', 1), ('perfoms', 1), ('availabilty', 1), ('quarte', 1), ('stalled', 1), ('8gigs', 1), ('befor', 1), ('sacraficed', 1), ('assumption', 1), ('framerate', 1), ('blueshade', 1), ('changeable', 1), ('givin', 1), ('mcds', 1), ('giftt', 1), ('jshe', 1), ('techknowledgy', 1), ('helllo', 1), ('startuing', 1), ('diwloading', 1), ('bruisers', 1), ('kidstub', 1), ('priorities', 1), ('52', 1), ('generously', 1), ('thread', 1), ('sensory', 1), ('topped', 1), ('forewarning', 1), ('aligning', 1), ('terminals', 1), ('placemnt', 1), ('voter', 1), ('kernel', 1), ('pricepoint', 1), ('addable', 1), ('accessability', 1), ('il', 1), ('oodles', 1), ('kindlegreat', 1), ('tsnley', 1), ('neices', 1), ('incorrectly', 1), ('wells', 1), ('aidiobooks', 1), ('diconnected', 1), ('vacuuming', 1), ('retailer', 1), ('thanx', 1), ('reserve', 1), ('fester', 1), ('dowloads', 1), ('gifffft', 1), ('yield', 1), ('hom', 1), ('tigertown', 1), ('camerakids', 1), ('granma', 1), ('affording', 1), ('enjoiy', 1), ('circumstance', 1), ('conquered', 1), ('ipadeasy', 1), ('thaks', 1), ('ans', 1), ('trio', 1), ('3ds', 1), ('xls', 1), ('amaon', 1), ('matured', 1), ('trail', 1), ('mucch', 1), ('sugg', 1), ('believed', 1), ('storming', 1), ('instructor', 1), ('beatings', 1), ('purchaed', 1), ('carrington', 1), ('ay', 1), ('grnaddaughter', 1), ('girt', 1), ('apron', 1), ('req', 1), ('gpod', 1), ('province', 1), ('lessa', 1), ('banks', 1), ('nab', 1), ('bucket', 1), ('slowpoke', 1), ('venture', 1), ('wed', 1), ('cheapies', 1), ('jitters', 1), ('niles', 1), ('firetablet', 1), ('resoultion', 1), ('sgould', 1), ('haopen', 1), ('vlash', 1), ('captured', 1), ('bargained', 1), ('tots', 1), ('conferences', 1), ('2y', 1), ('sheuses', 1), ('pricer', 1), ('ambivalent', 1), ('dating', 1), ('oor', 1), ('ghosting', 1), ('twisted', 1), ('chassis', 1), ('underwhelmed', 1), ('wellbad', 1), ('buried', 1), ('pricei', 1), ('enet', 1), ('boufgt', 1), ('ringer', 1), ('efficicient', 1), ('20x', 1), ('filler', 1), ('graphically', 1), ('tact', 1), ('usages', 1), ('servives', 1), ('dieing', 1), ('belonging', 1), ('sauna', 1), ('peoples', 1), ('touchly', 1), ('was3nt', 1), ('wasent', 1), ('seperate', 1), ('miserably', 1), ('restored', 1), ('vice', 1), ('runnings', 1), ('actly', 1), ('ridcously', 1), ('ifap', 1), ('cs', 1), ('steel', 1), ('itmstore', 1), ('servicable', 1), ('realibility', 1), ('ocassional', 1), ('tereat', 1), ('potty', 1), ('yeeeeaaaahhhhh', 1), ('commutes', 1), ('recliner', 1), ('versed', 1), ('hangin', 1), ('clearance', 1), ('dismay', 1), ('alongside', 1), ('1024x600', 1), ('especiall', 1), ('documenting', 1), ('accountss', 1), ('llife', 1), ('unfathomable', 1), ('parentallocks', 1), ('repackaged', 1), ('rebuilt', 1), ('arnt', 1), ('possessing', 1), ('gee', 1), ('boardman', 1), ('smh', 1), ('crisus', 1), ('debris', 1), ('amplified', 1), ('enchanced', 1), ('32gig', 1), ('awaesome', 1), ('hoop', 1), ('backboard', 1), ('lego', 1), ('panic', 1), ('vesion', 1), ('producto', 1), ('hime', 1), ('followers', 1), ('vidoes', 1), ('elevates', 1), ('notably', 1), ('finest', 1), ('75th', 1), ('monitors', 1), ('precarious', 1), ('teenaged', 1), ('whos', 1), ('cyanogenmod', 1), ('memories', 1), ('las', 1), ('incase', 1), ('md', 1), ('whoe', 1), ('stamps', 1), ('cognitive', 1), ('diz', 1), ('ecellerated', 1), ('hospitalized', 1), ('representation', 1), ('rigorous', 1), ('tipe', 1), ('establishment', 1), ('tasked', 1), ('timed', 1), ('scribd', 1), ('famaily', 1), ('begiiner', 1), ('vidios', 1), ('connell', 1), ('unsuspecting', 1), ('gra', 1), ('pity', 1), ('mcafee', 1), ('offs', 1), ('orice', 1), ('writer', 1), ('offcourse', 1), ('booksdoes', 1), ('guidelines', 1), ('inventory', 1), ('woodworking', 1), ('downloead', 1), ('stuffing', 1), ('stockers', 1), ('sugar', 1), ('whitt', 1), ('skilled', 1), ('hinders', 1), ('bloggers', 1), ('writers', 1), ('storeage', 1), ('mozilla', 1), ('ironically', 1), ('makeup', 1), ('drills', 1), ('burner', 1), ('awwwwwwww', 1), ('booking', 1), ('thise', 1), ('constanrly', 1), ('reconnnet', 1), ('intensly', 1), ('behaved', 1), ('burnt', 1), ('onedrive', 1), ('ises', 1), ('greal', 1), ('chromebooks', 1), ('neeeded', 1), ('odb', 1), ('sincei', 1), ('abandon', 1), ('12hr', 1), ('escalated', 1), ('hmmmm', 1), ('sixe', 1), ('sinced', 1), ('unremoveable', 1), ('itttttt', 1), ('booksome', 1), ('stripes', 1), ('aptoide', 1), ('walaaa', 1), ('onlinei', 1), ('mentally', 1), ('comixology', 1), ('preview', 1), ('powerwhite', 1), ('sup', 1), ('renewal', 1), ('holey', 1), ('moley', 1), ('southwest', 1), ('adaptation', 1), ('routing', 1), ('qualitycons', 1), ('kendall', 1), ('clairity', 1), ('blanks', 1), ('thanked', 1), ('horrific', 1), ('thay', 1), ('bluetooths', 1), ('tactically', 1), ('onky', 1), ('expandabel', 1), ('becouse', 1), ('aforedabul', 1), ('cuvenet', 1), ('successor', 1), ('conscience', 1), ('forecaster', 1), ('reasoning', 1), ('kpdi', 1), ('prefere', 1), ('aspergers', 1), ('devotee', 1), ('refunding', 1), ('unintended', 1), ('discussed', 1), ('0ne', 1), ('rally', 1), ('jib', 1), ('career', 1), ('downsize', 1), ('occurring', 1), ('tabletsas', 1), ('advisable', 1), ('literacy', 1), ('pray', 1), ('happiness', 1), ('adulthood', 1), ('techo', 1), ('progressed', 1), ('youtubekids', 1), ('blurring', 1), ('homebound', 1), ('225', 1), ('reps', 1), ('fwiw', 1), ('arise', 1), ('laud', 1), ('shouldnt', 1), ('coronary', 1), ('exc', 1), ('leads', 1), ('intern', 1), ('eventual', 1), ('deliverd', 1), ('refunded', 1), ('sturdiness', 1), ('satisify', 1), ('covererd', 1), ('repairable', 1), ('ncrease', 1), ('mybe', 1), ('minut', 1), ('overalls', 1), ('literary', 1), ('fundamentals', 1), ('bloated', 1), ('flixst', 1), ('playground', 1), ('playthings', 1), ('doable', 1), ('distract', 1), ('reinserting', 1), ('onsale', 1), ('wellbas', 1), ('serv8ce', 1), ('guessed', 1), ('unprofessional', 1), ('ponder', 1), ('mum', 1), ('boon', 1), ('talent', 1), ('slammed', 1), ('workes', 1), ('tutoring', 1), ('entretaiment', 1), ('plsy', 1), ('deviations', 1), ('deduction', 1), ('alterations', 1), ('maintain', 1), ('macos', 1), ('prerfict', 1), ('drier', 1), ('tabletd', 1), ('amazonprime', 1), ('justwhat', 1), ('tg', 1), ('alarming', 1), ('cheap2', 1), ('handy3', 1), ('kidscons', 1), ('running2', 1), ('sufficient3', 1), ('twos', 1), ('reinstalled', 1), ('satisfly', 1), ('putchased', 1), ('63', 1), ('millennium', 1), ('falcon', 1), ('flashed', 1), ('cm', 1), ('absofbing', 1), ('webi', 1), ('fluff', 1), ('jw', 1), ('loveeeeeeeee', 1), ('bedridden', 1), ('ovoo', 1), ('addictions', 1), ('advertisers', 1), ('subsidizing', 1), ('bluelight', 1), ('slider', 1), ('animations', 1), ('attest', 1), ('mega', 1), ('hangouts', 1), ('ale', 1), ('insadent', 1), ('vacuums', 1), ('dries', 1), ('devicethank', 1), ('amaazing', 1), ('septagenarian', 1), ('adroid', 1), ('parens', 1), ('rediscovered', 1), ('disab', 1), ('tabletperforms', 1), ('fordo', 1), ('especial', 1), ('unpair', 1), ('beater', 1), ('steamy', 1), ('expansionfor', 1), ('38', 1), ('kiosks', 1), ('pta', 1), ('yhis', 1), ('mived', 1), ('6years', 1), ('thave', 1), ('especialyl', 1), ('chemotherapy', 1), ('radiation', 1), ('hisitating', 1), ('oma', 1), ('regualur', 1), ('anymorte', 1), ('declining', 1), ('freeplay', 1), ('weighteasy', 1), ('wooo', 1), ('sizegood', 1), ('becuz', 1), ('teplaced', 1), ('kilter', 1), ('bonding', 1), ('trunk', 1), ('crushing', 1), ('63rd', 1), ('wasteful', 1), ('saund', 1), ('16love', 1), ('someting', 1), ('iwhatever', 1), ('kidzbop', 1), ('adulting', 1), ('selfish', 1), ('camn', 1), ('crave', 1), ('neko', 1), ('atsume', 1), ('affordible', 1), ('onrs', 1), ('jwbroadcasting', 1), ('sumsung', 1), ('comnect', 1), ('convertible', 1), ('youversion', 1), ('servesany', 1), ('7inches', 1), ('nestled', 1), ('aosp', 1), ('oses', 1), ('journal', 1), ('cringing', 1), ('firsthand', 1), ('plague', 1), ('alphabets', 1), ('performnces', 1), ('macair', 1), ('suppoused', 1), ('one1', 1), ('rmusic', 1), ('exeptional', 1), ('marches', 1), ('throwaway', 1), ('ant', 1), ('paidwill', 1), ('boundaries', 1), ('jane', 1), ('autofill', 1), ('6x', 1), ('axcess', 1), ('samsaung', 1), ('ebookson', 1), ('flipboard', 1), ('richard', 1), ('forgoing', 1), ('mote', 1), ('impovement', 1), ('moore', 1), ('wnjoyed', 1), ('15yrs', 1), ('cary', 1), ('limites', 1), ('crochet', 1), ('tragedy', 1), ('kidzobe', 1), ('itbeats', 1), ('compariable', 1), ('grandfaughter', 1), ('hippressurecooking', 1), ('graphicsawesome', 1), ('managedto', 1), ('difficultwith', 1), ('iiicandy', 1), ('echelon', 1), ('logins', 1), ('drawn', 1), ('personslly', 1), ('caliber', 1), ('usps', 1), ('portfolio', 1), ('ild', 1), ('googled', 1), ('youngers', 1), ('tickle', 1), ('manuever', 1), ('gran', 1), ('luster', 1), ('craigslist', 1), ('itwhat', 1), ('jean', 1), ('wath', 1), ('retiring', 1), ('monochromatic', 1), ('3gave', 1), ('reposnsive', 1), ('nova', 1), ('bluethoot', 1), ('coordination', 1), ('7tablet', 1), ('motions', 1), ('gsp', 1), ('crabbing', 1), ('fadt', 1), ('teriffic', 1), ('cluttering', 1), ('exotic', 1), ('purchashed', 1), ('begineers', 1), ('ordersfrom', 1), ('grub', 1), ('chatting', 1), ('overlap', 1), ('hoopla', 1), ('exempt', 1), ('prenatal', 1), ('complainants', 1), ('wierd', 1), ('watchespn', 1), ('cardthe', 1), ('dma', 1), ('deactivated', 1), ('shops', 1), ('supermarkets', 1), ('risks', 1), ('cherry', 1), ('slates', 1), ('kindergartener', 1), ('80yr', 1), ('a7', 1), ('bothe', 1), ('involuntary', 1), ('miserable', 1), ('themail', 1), ('assignmentshe', 1), ('768', 1), ('donation', 1), ('aduquate', 1), ('yankee', 1), ('curfews', 1), ('rose', 1), ('presenting', 1), ('awakes', 1), ('sibling', 1), ('colorlittle', 1), ('label', 1), ('downloding', 1), ('evens', 1), ('reserved', 1), ('loloaded', 1), ('comforts', 1), ('conscamera', 1), ('15yr', 1), ('14yr', 1), ('2s', 1), ('impatient', 1), ('granddad', 1), ('memebr', 1), ('sssssssssss', 1), ('wld', 1), ('perimeters', 1), ('peoria', 1), ('brakes', 1), ('obly', 1), ('roadtrips', 1), ('wishi', 1), ('smudged', 1), ('dissapoint', 1), ('producti', 1), ('pencil', 1), ('pencils', 1), ('goddaughters', 1), ('smallish', 1), ('hiking', 1), ('soneasy', 1), ('uplight', 1), ('wut', 1), ('onand', 1), ('58', 1), ('offensive', 1), ('immodestly', 1), ('freetme', 1), ('mni', 1), ('borat', 1), ('kills', 1), ('slimlp', 1), ('youtubing', 1), ('fulfil', 1), ('1each', 1), ('alien', 1), ('seventh', 1), ('haywire', 1), ('watchable', 1), ('wilds', 1), ('onblack', 1), ('fist', 1), ('claus', 1), ('france', 1), ('recoding', 1), ('mp', 1), ('bfs', 1), ('jessica', 1), ('lee', 1), ('greatprice', 1), ('systemgreat', 1), ('feedbackthe', 1), ('newly', 1), ('fumigate', 1), ('iteasy', 1), ('reconmnd', 1), ('disapproval', 1), ('unlink', 1), ('hisband', 1), ('smail', 1), ('forfpor', 1), ('kf', 1), ('declined', 1), ('needgood', 1), ('wat', 1), ('aptitude', 1), ('with6', 1), ('origanally', 1), ('5h', 1), ('8h', 1), ('withdraw', 1), ('delte', 1), ('connectively', 1), ('9yrs', 1), ('othere', 1), ('wifeher', 1), ('rebecca', 1), ('fifties', 1), ('sistem', 1), ('usecheapexpandable', 1), ('cardcons', 1), ('loadscheap', 1), ('abilty', 1), ('sy', 1), ('resultion', 1), ('thirteen', 1), ('mcsd', 1), ('ultracheap', 1), ('hacks', 1), ('insecure', 1), ('ail', 1), ('baser', 1), ('bedsides', 1), ('reaader', 1), ('weighed', 1), ('reeaders', 1), ('l8ike', 1), ('betterand', 1), ('beeen', 1), ('overriding', 1), ('tabletperfect', 1), ('greatfor', 1), ('werelacking', 1), ('sms', 1), ('accessble', 1), ('protecter', 1), ('intermittent', 1), ('cad', 1), ('mil', 1), ('optimize', 1), ('resourcelful', 1), ('brows', 1), ('princesses', 1), ('videis', 1), ('compaints', 1), ('largely', 1), ('league', 1), ('powrful', 1), ('kidsand', 1), ('ballon', 1), ('poppinggames', 1), ('tokens', 1), ('gems', 1), ('eyed', 1), ('curated', 1), ('dents', 1), ('prominent', 1), ('androidos', 1), ('drs', 1), ('lurana566', 1), ('complaintssome', 1), ('flimsier', 1), ('nonexpensive', 1), ('browsingnetflixemail', 1), ('knockoff', 1), ('chips', 1), ('playting', 1), ('nuprocase', 1), ('airfare', 1), ('differents', 1), ('simpl', 1), ('craving', 1), ('stollen', 1), ('deactivate', 1), ('mifi', 1), ('beefy', 1), ('proprietory', 1), ('slideview', 1), ('modicum', 1), ('tumble', 1), ('calm', 1), ('ding', 1), ('attendance', 1), ('spontaneously', 1), ('strolling', 1), ('pat', 1), ('diss', 1), ('probls', 1), ('rang', 1), ('wannabe', 1), ('prohibitive', 1), ('bulkier', 1), ('exelent', 1), ('shoppin', 1), ('quikrev', 1), ('onlots', 1), ('stacking', 1), ('okly', 1), ('queenie', 1), ('dexterity', 1), ('ruined', 1), ('rr', 1), ('massacred', 1), ('incompatible', 1), ('orederd', 1), ('parenthesis', 1), ('correction', 1), ('afterward', 1), ('anywere', 1), ('backseat', 1), ('raccomend', 1), ('craves', 1), ('accumulated', 1), ('touring', 1), ('honda', 1), ('valkyrie', 1), ('wary', 1), ('poetically', 1), ('emulator', 1), ('tolerance', 1), ('boiling', 1), ('dared', 1), ('someplace', 1), ('sixed', 1), ('meander', 1), ('ingrained', 1), ('allowances', 1), ('commerce', 1), ('mistakes', 1), ('blotware', 1), ('tweaked', 1), ('timethey', 1), ('ahold', 1), ('giggled', 1), ('snagging', 1), ('fights', 1), ('travelingin', 1), ('adaquate', 1), ('thaler', 1), ('inputting', 1), ('plausible', 1), ('braven', 1), ('riverbank', 1), ('sharpening', 1), ('tblet', 1), ('returened', 1), ('anothers', 1), ('adjunct', 1), ('cleat', 1), ('700', 1), ('searchshopp', 1), ('ducktales', 1), ('thiers', 1), ('indicating', 1), ('graciously', 1), ('expires', 1), ('microdisk', 1), ('outfit', 1), ('downloader', 1), ('flavor', 1), ('partially', 1), ('undo', 1), ('infinity', 1), ('doomed', 1), ('recommanded', 1), ('buddies', 1), ('attend', 1), ('salvation', 1), ('giftcards', 1), ('carefree', 1), ('university', 1), ('ttoonnss', 1), ('stranger', 1), ('instructibles', 1), ('merrillville', 1), ('forgive', 1), ('arguement', 1), ('reflected', 1), ('speeded', 1), ('5g', 1), ('tw', 1), ('zoomed', 1), ('tinted', 1), ('z3', 1), ('s4', 1), ('g4', 1), ('goody', 1), ('niecegreat', 1), ('doesnwhat', 1), ('intentionally', 1), ('presentations', 1), ('pant', 1), ('dlls', 1), ('din', 1), ('soul', 1), ('howevef', 1), ('talber', 1), ('frozed', 1), ('cellphones', 1), ('italics', 1), ('doh', 1), ('hyped', 1), ('playibg', 1), ('usebattery', 1), ('goodeasy', 1), ('accumulating', 1), ('gadgetly', 1), ('lefthand', 1), ('fastbooth', 1), ('expiring', 1), ('enhanse', 1), ('granny', 1), ('firday', 1), ('obsession', 1), ('drink', 1), ('every1', 1), ('phonics', 1), ('jiffy', 1), ('consequently', 1), ('bandits', 1), ('movee', 1), ('herfor', 1), ('reality', 1), ('blockers', 1), ('ocd', 1), ('receipts', 1), ('backups', 1), ('unintentional', 1), ('xpectations', 1), ('tags', 1), ('tango', 1), ('scientific', 1), ('mg', 1), ('maxed', 1), ('dearth', 1), ('contentcons', 1), ('imovie', 1), ('garageband', 1), ('frequency', 1), ('nemo', 1), ('maunuver', 1), ('guilty', 1), ('hallelujah', 1), ('goofing', 1), ('adventurous', 1), ('seasin', 1), ('debit', 1), ('hood', 1), ('adriod', 1), ('ain', 1), ('fori', 1), ('pld', 1), ('buisness', 1), ('ifit', 1), ('joyed', 1), ('prblems', 1), ('agian', 1), ('suprise', 1), ('admin', 1), ('agers', 1), ('reckomend', 1), ('timeverything', 1), ('borne', 1), ('greatness', 1), ('predecessors', 1), ('grandchilden', 1), ('hemming', 1), ('hawing', 1), ('libarary', 1), ('4out', 1), ('6000indles', 1), ('therfore', 1), ('acknowledged', 1), ('30day', 1), ('grrreeat', 1), ('promices', 1), ('72gb', 1), ('gott', 1), ('wellas', 1), ('reponsive', 1), ('striped', 1), ('sytem', 1), ('cooperative', 1), ('marking', 1), ('belive', 1), ('supurb', 1), ('recomond', 1), ('kennedy', 1), ('satisface', 1), ('thingsthank', 1), ('reputed', 1), ('abt', 1), ('painlessly', 1), ('beneath', 1), ('saavier', 1), ('exploit', 1), ('poker', 1), ('shockproof', 1), ('carter', 1), ('radily', 1), ('erased', 1), ('flick', 1), ('fulfilled', 1), ('pix', 1), ('prome', 1), ('inexperienced', 1), ('outdone', 1), ('fatherl', 1), ('leat', 1), ('tinkerer', 1), ('unmodified', 1), ('starsmodified', 1), ('videochat', 1), ('barebones', 1), ('ineternet', 1), ('amazan', 1), ('verities', 1), ('snows', 1), ('rips', 1), ('alduts', 1), ('coarse', 1), ('problemsall', 1), ('union', 1), ('lollipop', 1), ('appscompatible', 1), ('appsloves', 1), ('priduct', 1), ('gbs', 1), ('gud', 1), ('lottery', 1), ('gan', 1), ('semm', 1), ('maneuvers', 1), ('it2', 1), ('academics', 1), ('yearsand', 1), ('snapped', 1), ('4x', 1), ('thrive', 1), ('nickjr', 1), ('ioffer', 1), ('picturespower', 1), ('speedeasy', 1), ('surprisely', 1), ('jer', 1), ('courteous', 1), ('swems', 1), ('entice', 1), ('pertness', 1), ('accupied', 1), ('simplity', 1), ('citing', 1), ('complantes', 1), ('verygood', 1), ('balancing', 1), ('outperform', 1), ('smashed', 1), ('te', 1), ('boils', 1), ('neef', 1), ('maine', 1), ('teeny', 1), ('unheard', 1), ('13yrs', 1), ('pricelightweight', 1), ('socks', 1), ('bruises', 1), ('lad', 1), ('overflowing', 1), ('usei', 1), ('emailand', 1), ('wpuldnt', 1), ('amarion', 1), ('irresistable', 1), ('profit', 1), ('desirable', 1), ('probbem', 1), ('bargin', 1), ('designate', 1), ('absoluitely', 1), ('thatbi', 1), ('nive', 1), ('iust', 1), ('muchbfor', 1), ('capacities', 1), ('allhave', 1), ('boight', 1), ('pinks', 1), ('takings', 1), ('explode', 1), ('conveniet', 1), ('eleven', 1), ('everyhing', 1), ('hovering', 1), ('browsed', 1), ('haves', 1), ('layovers', 1), ('everyonel', 1), ('memorystick', 1), ('sooon', 1), ('xams', 1), ('entrenched', 1), ('starng', 1), ('sweeter', 1), ('intially', 1), ('excites', 1), ('iof', 1), ('packets', 1), ('panda', 1), ('toca', 1), ('tabby', 1), ('pave', 1), ('blackliontravel', 1), ('perfit', 1), ('loooovvvvveeee', 1), ('okd', 1), ('blinks', 1), ('tobe', 1), ('pouches', 1), ('pennybought', 1), ('fam', 1), ('irked', 1), ('ecocistem', 1), ('basiseasy', 1), ('msgs', 1), ('tablat', 1), ('troble', 1), ('feautures', 1), ('basicly', 1), ('conclude', 1), ('whoa', 1), ('inexpensiveexpandable', 1), ('storagegood', 1), ('shopperscons', 1), ('performancelack', 1), ('installedtouch', 1), ('freezesscreen', 1), ('huetoo', 1), ('thingssound', 1), ('goodwifi', 1), ('onlyconclusion', 1), ('grayish', 1), ('mamma', 1), ('beggnners', 1), ('rode', 1), ('unloads', 1), ('3m', 1), ('reclaimed', 1), ('surfingnewsreaderaudio', 1), ('playernetflix', 1), ('etcwhat', 1), ('gpsscreen', 1), ('sson', 1), ('psuh', 1), ('girlfriendand', 1), ('dino', 1), ('flex8', 1), ('pkg', 1), ('crushed', 1), ('dumbed', 1), ('slooowww', 1), ('accepting', 1), ('watered', 1), ('priceand', 1), ('chegg', 1), ('photography', 1), ('commons', 1), ('deserted', 1), ('arriving', 1), ('praying', 1), ('inconvenienced', 1), ('disbursed', 1), ('mortar', 1), ('wma', 1), ('trucks', 1), ('fustrution', 1), ('chanes', 1), ('markets', 1), ('includeing', 1), ('androd', 1), ('theipad', 1), ('kifre', 1), ('vcr', 1), ('rewrapping', 1), ('docked', 1), ('mthere', 1), ('pens', 1), ('realitivley', 1), ('viewable', 1), ('systemcons', 1), ('issuesin', 1), ('outright', 1), ('adobe', 1), ('scheme', 1), ('sparkle', 1), ('promotions', 1), ('wedsite', 1), ('singular', 1), ('phenomenally', 1), ('8month', 1), ('koreans', 1), ('asian', 1), ('underwhelming', 1), ('secs', 1), ('clears', 1), ('bellini', 1), ('reappear', 1), ('puncture', 1), ('epad', 1), ('lies', 1), ('deluxe', 1), ('naviagation', 1), ('outclasses', 1), ('facial', 1), ('cobtrols', 1), ('stove', 1), ('mini2', 1), ('daighter', 1), ('intl', 1), ('ppts', 1), ('miniscule', 1), ('tableteasy', 1), ('flashplayer', 1), ('snatch', 1), ('spected', 1), ('handly', 1), ('alek', 1), ('prefectly', 1), ('likits', 1), ('menone', 1), ('omnipresent', 1), ('chatge', 1), ('37th', 1), ('attendant', 1), ('accelerometer', 1), ('preffered', 1), ('advantagefor', 1), ('lefties', 1), ('satisfiedeasier', 1), ('completly', 1), ('polarized', 1), ('nad', 1), ('evolutionary', 1), ('silhouette', 1), ('twinkles', 1), ('preordered', 1), ('tails', 1), ('comings', 1), ('audibles', 1), ('nnby', 1), ('texted', 1), ('difiitioin', 1), ('multiplied', 1), ('putin', 1), ('coherent', 1), ('baskey', 1), ('spongy', 1), ('targeted', 1), ('inherited', 1), ('interferes', 1), ('grabs', 1), ('deletion', 1), ('consice', 1), ('chime', 1), ('trilogies', 1), ('repaved', 1), ('itl', 1), ('multiplication', 1), ('division', 1), ('finishing', 1), ('transactions', 1), ('tix', 1), ('yokod', 1), ('kathleen', 1), ('stroyek', 1), ('hay', 1), ('udated', 1), ('chipper', 1), ('messageer', 1), ('autofocus', 1), ('alaska', 1), ('conecctions', 1), ('sails', 1), ('insensitive', 1), ('expressed', 1), ('solitare', 1), ('sodoko', 1), ('slr', 1), ('tsa', 1), ('screening', 1), ('political', 1), ('hurricane', 1), ('atlantic', 1), ('northern', 1), ('determination', 1), ('morn', 1), ('tasker', 1), ('mere', 1), ('mathematically', 1), ('equation', 1), ('kidsmode', 1), ('looooooong', 1), ('acording', 1), ('linsay', 1), ('sahre', 1), ('boxed', 1), ('viewers', 1), ('nextbook', 1), ('spoiler', 1), ('llite', 1), ('polarizing', 1), ('wantedbest', 1), ('alsome', 1), ('pff', 1), ('goings', 1), ('pleanty', 1), ('2days', 1), ('tabletsome', 1), ('multiuse', 1), ('screamreal', 1), ('supportive', 1), ('woo', 1), ('tabletyou', 1), ('pare', 1), ('oonz', 1), ('screwing', 1), ('speedcons', 1), ('clumsiness', 1), ('knack', 1), ('taplet', 1), ('professionals', 1), ('jon', 1), ('sorcerer', 1), ('fish', 1), ('safeguards', 1), ('netflexs', 1), ('thks', 1), ('definate', 1), ('protections', 1), ('bending', 1), ('furbished', 1), ('allots', 1), ('distances', 1), ('futile', 1), ('tethering', 1), ('nices', 1), ('happend', 1), ('screenlike', 1), ('feachers', 1), ('goodexcellent', 1), ('sharpness', 1), ('dishwashers', 1), ('fitst', 1), ('panasonic', 1), ('handsets', 1), ('cloths', 1), ('poundage', 1), ('techonology', 1), ('undergrond', 1), ('godchild', 1), ('ligher', 1), ('availablesare', 1), ('beoke', 1), ('gbss', 1), ('oit', 1), ('malfunctions', 1), ('variant', 1), ('theach', 1), ('13th', 1), ('kinde', 1), ('firends', 1), ('regulation', 1), ('playimg', 1), ('desciples', 1), ('dubious', 1), ('measly', 1), ('bypassed', 1), ('influence', 1), ('chugs', 1), ('my9', 1), ('conceal', 1), ('resort', 1), ('14yo', 1), ('gleeful', 1), ('displaynice', 1), ('marketchild', 1), ('ration', 1), ('46', 1), ('profrssional', 1), ('k2', 1), ('cleverly', 1), ('devised', 1), ('heckpros', 1), ('prettyfunctionalcons', 1), ('slipperyexpensive', 1), ('loops', 1), ('groove', 1), ('justifies', 1), ('umm', 1), ('grips', 1), ('untextured', 1), ('unpadded', 1), ('scrape', 1), ('floppy', 1), ('properties', 1), ('plasticky', 1), ('examination', 1), ('pda', 1), ('29th', 1), ('safari', 1), ('prosthe', 1), ('straps', 1), ('drum', 1), ('consmy', 1), ('frisbee', 1), ('barley', 1), ('cushioning', 1), ('greatthank', 1), ('gaurantee', 1), ('toddlerseasy', 1), ('carryeasy', 1), ('kidz', 1), ('height', 1), ('bland', 1), ('dnt', 1), ('ky', 1), ('fews', 1), ('wolf', 1), ('measures', 1), ('proclaims', 1), ('musicality', 1), ('parenting', 1), ('chronic', 1), ('culprit', 1), ('glambaby', 1), ('easiness', 1), ('an3', 1), ('chtistmas', 1), ('micky', 1), ('unrelated', 1), ('goggleplay', 1), ('experiance', 1), ('newphew', 1), ('contorl', 1), ('kindleized', 1), ('fiddled', 1), ('sdmini', 1), ('motor', 1), ('deficits', 1), ('undone', 1), ('teething', 1), ('6hours', 1), ('minds', 1), ('cooperate', 1), ('indestructable', 1), ('honeatly', 1), ('unsupervised', 1), ('gamehis', 1), ('motivation', 1), ('ranged', 1), ('tabletthe', 1), ('clog', 1), ('10and', 1), ('contol', 1), ('itshe', 1), ('lick', 1), ('disallow', 1), ('dangers', 1), ('pkus', 1), ('adolescent', 1), ('charitable', 1), ('grandboy', 1), ('dif', 1), ('handlings', 1), ('guarantees', 1), ('spilled', 1), ('gigahertz', 1), ('megapixel', 1), ('excitedly', 1), ('girly', 1), ('fears', 1), ('4yrs', 1), ('misbehaving', 1), ('abcs', 1), ('inquiring', 1), ('submitted', 1), ('consulting', 1), ('tablett', 1), ('wasd', 1), ('15mins', 1), ('surrounds', 1), ('30sec', 1), ('spongbob', 1), ('equates', 1), ('nterface', 1), ('chubby', 1), ('stills', 1), ('clones', 1), ('prof', 1), ('quetion', 1), ('warenty', 1), ('kidsit', 1), ('educationali', 1), ('preparation', 1), ('abke', 1), ('3yrs', 1), ('fondly', 1), ('azi', 1), ('toodler', 1), ('gre', 1), ('bumpers', 1), ('contenders', 1), ('ager', 1), ('grankids', 1), ('assumwd', 1), ('hover', 1), ('unbox', 1), ('7yo', 1), ('granville', 1), ('wv', 1), ('facets', 1), ('presence', 1), ('dreamtab', 1), ('aiden', 1), ('differentiate', 1), ('durrible', 1), ('tabletscons', 1), ('geating', 1), ('plying', 1), ('accedently', 1), ('recieve', 1), ('soooooo', 1), ('sterdy', 1), ('appschild', 1), ('adultsa', 1), ('fugured', 1), ('clothes', 1), ('pictureshe', 1), ('grandniece', 1), ('litthe', 1), ('needespecially', 1), ('jissela', 1), ('mechanics', 1), ('bugging', 1), ('samaumg', 1), ('rethinking', 1), ('farone', 1), ('prop', 1), ('externally', 1), ('ttje', 1), ('licensing', 1), ('bold', 1), ('sneakily', 1), ('lifw', 1), ('goodidn', 1), ('independence', 1), ('op', 1), ('2yo', 1), ('absorbs', 1), ('freespace', 1), ('cal', 1), ('saggy', 1), ('themes', 1), ('jostled', 1), ('tiniest', 1), ('majorly', 1), ('shaping', 1), ('tosses', 1), ('lifesavers', 1), ('daugter', 1), ('usin', 1), ('grownup', 1), ('pove', 1), ('pime', 1), ('2yrs', 1), ('alterior', 1), ('motive', 1), ('crying', 1), ('bowl', 1), ('grandchilds', 1), ('adhd', 1), ('stringer', 1), ('hardwood', 1), ('stair', 1), ('buyshock', 1), ('kangaroo', 1), ('pogo', 1), ('discerning', 1), ('feaures', 1), ('modes', 1), ('homemade', 1), ('mucheveryday', 1), ('cubby', 1), ('crafted', 1), ('glue', 1), ('purchasei', 1), ('k8d', 1), ('poloroid', 1), ('hs', 1), ('conpaired', 1), ('figthing', 1), ('exchanges', 1), ('aweosme', 1), ('enroll', 1), ('mgr', 1), ('jerk', 1), ('hds', 1), ('freetimeunlimited', 1), ('investigated', 1), ('hunting', 1), ('captivated', 1), ('belongs', 1), ('gurantee', 1), ('batery', 1), ('progressing', 1), ('1yo', 1), ('wrath', 1), ('signs', 1), ('stutdy', 1), ('farmers', 1), ('almanac', 1), ('nakes', 1), ('shatter', 1), ('observe', 1), ('youngsters', 1), ('8mm', 1), ('pumper', 1), ('gripping', 1), ('entertainig', 1), ('downfalls', 1), ('purposly', 1), ('curiosity', 1), ('hammer', 1), ('amaxzon', 1), ('shakey', 1), ('30yr', 1), ('grrrrrrreeeeeeeeaaaaaattttttt', 1), ('leapfrog', 1), ('programmer', 1), ('stepkids', 1), ('witnessed', 1), ('laminate', 1), ('allotted', 1), ('connectors', 1), ('shelves', 1), ('guppies', 1), ('headstart', 1), ('endure', 1), ('boredom', 1), ('didon', 1), ('maui', 1), ('expectationin', 1), ('solving', 1), ('advertisment', 1), ('pedro', 1), ('enlargable', 1), ('transportations', 1), ('galapagos', 1), ('bookbetter', 1), ('forsure', 1), ('occult', 1), ('counterparts', 1), ('expunged', 1), ('projected', 1), ('thirds', 1), ('realistically', 1), ('recommenf', 1), ('lightvery', 1), ('paprewhite', 1), ('fluctuation', 1), ('212ppi', 1), ('jagged', 1), ('dimness', 1), ('doooooomed', 1), ('argument', 1), ('proportions', 1), ('nudged', 1), ('outgoing', 1), ('offbrand', 1), ('tl', 1), ('garmin', 1), ('ymmv', 1), ('maze', 1), ('runner', 1), ('actively', 1), ('inperfections', 1), ('pariah', 1), ('previoulsy', 1), ('kindl', 1), ('lightingweight', 1), ('exquisite', 1), ('shockingly', 1), ('atlas', 1), ('shrugged', 1), ('furthest', 1), ('reopen', 1), ('191', 1), ('license', 1), ('rebuy', 1), ('suppos', 1), ('wrk', 1), ('shifts', 1), ('lifeless', 1), ('execellent', 1), ('metro', 1), ('commuters', 1), ('riders', 1), ('hardcovers', 1), ('consequence', 1), ('gpad', 1), ('untimely', 1), ('beam', 1), ('optimistic', 1), ('excite', 1), ('dudes', 1), ('linger', 1), ('poetry', 1), ('rocketfish', 1), ('appetite', 1), ('lightened', 1), ('struck', 1), ('disraction', 1), ('motorcylce', 1), ('fellas', 1), ('ole', 1), ('everywhereperfect', 1), ('dusk', 1), ('detects', 1), ('shady', 1), ('shelp', 1), ('darkest', 1), ('electr', 1), ('nico', 1), ('pr', 1), ('ctico', 1), ('somwthing', 1), ('thoughtnwould', 1), ('sceeen', 1), ('resuming', 1), ('campus', 1), ('readr', 1), ('complemented', 1), ('tt', 1), ('preliminary', 1), ('whiletraveling', 1), ('pregnancy', 1), ('breast', 1), ('feeding', 1), ('thisbinsteadbof', 1), ('stabilization', 1), ('migrating', 1), ('bestkindle', 1), ('nookbattery', 1), ('ligth', 1), ('frature', 1), ('staring', 1), ('tome', 1), ('debate', 1), ('arsenal', 1), ('appealed', 1), ('forsook', 1), ('dispatched', 1), ('parter', 1), ('minimized', 1), ('and1st', 1), ('shareware', 1), ('converters', 1), ('offshore', 1), ('iteration', 1), ('damp', 1), ('wrinkled', 1), ('sunscreen', 1), ('icky', 1), ('greta', 1), ('tk', 1), ('bix', 1), ('contemplation', 1), ('excepted', 1), ('express', 1), ('abnormal', 1), ('import', 1), ('instapaper', 1), ('dismiss', 1), ('bashing', 1), ('9000', 1), ('finnally', 1), ('helful', 1), ('readno', 1), ('strainlong', 1), ('lifesimple', 1), ('useinterfaces', 1), ('computernot', 1), ('browsingvery', 1), ('ergonomiclightweightsturdy', 1), ('diid', 1), ('ebookwhich', 1), ('stimulating', 1), ('hardbound', 1), ('xray', 1), ('brightnesses', 1), ('9hours', 1), ('wiped', 1), ('oils', 1), ('prevoius', 1), ('differencemuch', 1), ('paperwhiye', 1), ('challange', 1), ('paperbook', 1), ('believing', 1), ('paperwight', 1), ('nysecond', 1), ('wihite', 1), ('abook', 1), ('cheapo', 1), ('underlines', 1), ('whoever', 1), ('suiting', 1), ('barnesand', 1), ('warms', 1), ('sprang', 1), ('techshe', 1), ('heaver', 1), ('lefty', 1), ('righty', 1), ('l8ght', 1), ('eldery', 1), ('ignores', 1), ('goto', 1), ('librarian', 1), ('shd', 1), ('superbowl', 1), ('snacks', 1), ('beverages', 1), ('swiped', 1), ('acquire', 1), ('vulnerable', 1), ('hadnt', 1), ('appproslight', 1), ('weightsmall', 1), ('purseback', 1), ('lightcons1', 1), ('ads2', 1), ('store3', 1), ('simple4', 1), ('other5', 1), ('anything6', 1), ('juggle', 1), ('migrated', 1), ('1200', 1), ('carting', 1), ('lamplight', 1), ('astronomical', 1), ('technnology', 1), ('definalty', 1), ('smudgy', 1), ('parcel', 1), ('prolonged', 1), ('suppression', 1), ('enamored', 1), ('briught', 1), ('connivence', 1), ('imitates', 1), ('frickin', 1), ('devote', 1), ('waffling', 1), ('commitment', 1), ('strained', 1), ('smokey', 1), ('reversing', 1), ('purchse', 1), ('ong', 1), ('envy', 1), ('adores', 1), ('leaked', 1), ('pawnshop', 1), ('paprrwjite', 1), ('synching', 1), ('cheeky', 1), ('enjoyments', 1), ('alphabetizing', 1), ('infrequently', 1), ('dedication', 1), ('tempted', 1), ('originalkindle', 1), ('quailty', 1), ('creaks', 1), ('persists', 1), ('unexpectedly', 1), ('purely', 1), ('bibliophile', 1), ('obsolutely', 1), ('glarefree', 1), ('aholic', 1), ('backordered', 1), ('extending', 1), ('originial', 1), ('backlid', 1), ('dyslexics', 1), ('helvetica', 1), ('annotating', 1), ('murder', 1), ('itty', 1), ('bitty', 1), ('maneurving', 1), ('renditions', 1), ('abound', 1), ('displeased', 1), ('quadrupled', 1), ('haul', 1), ('oniy', 1), ('dale', 1), ('6hr', 1), ('stretches', 1), ('municipal', 1), ('ryes', 1), ('wihich', 1), ('typefaces', 1), ('illuminate', 1), ('bookie', 1), ('suffering', 1), ('paparwhite', 1), ('akers', 1), ('sandpfoof', 1), ('maneuvering', 1), ('departments', 1), ('itc', 1), ('synk', 1), ('llight', 1), ('subdued', 1), ('shadings', 1), ('lightwieght', 1), ('backllit', 1), ('paging', 1), ('myth', 1), ('masters', 1), ('spindle', 1), ('dwindle', 1), ('opendyslexic', 1), ('applauded', 1), ('b00oqvzdjm', 1), ('carta', 1), ('epaper', 1), ('notbing', 1), ('1400', 1), ('giftee', 1), ('advent', 1), ('replicates', 1), ('wikis', 1), ('zones', 1), ('contrary', 1), ('defines', 1), ('ooks', 1), ('kindlepaper', 1), ('dissappointing', 1), ('divorce', 1), ('shaft', 1), ('inverse', 1), ('retains', 1), ('stressing', 1), ('amat', 1), ('cringed', 1), ('accomplishment', 1), ('danger', 1), ('gripes', 1), ('brilliantly', 1), ('penalize', 1), ('booksvia', 1), ('andthe', 1), ('readinstructions', 1), ('litghting', 1), ('emits', 1), ('kinder', 1), ('defining', 1), ('inference', 1), ('propose', 1), ('purposeful', 1), ('foregone', 1), ('magnify', 1), ('kinlde', 1), ('compacy', 1), ('vintage', 1), ('cheeper', 1), ('implies', 1), ('disappointingly', 1), ('lightweright', 1), ('readale', 1), ('shinning', 1), ('envelop', 1), ('substitution', 1), ('pocketbooks', 1), ('orpaperback', 1), ('prayers', 1), ('eyeglasses', 1), ('focusing', 1), ('worthiness', 1), ('okjust', 1), ('okhate', 1), ('screennot', 1), ('averaged', 1), ('instore', 1), ('correlate', 1), ('piled', 1), ('tucking', 1), ('dependant', 1), ('assault', 1), ('phobe', 1), ('concentrated', 1), ('sunroom', 1), ('vox', 1), ('naples', 1), ('bartering', 1), ('retrospect', 1), ('scree', 1), ('bookworms', 1), ('glance', 1), ('whispernet', 1), ('confortable', 1), ('mindset', 1), ('citation', 1), ('decade', 1), ('life2', 1), ('clarity3', 1), ('circumstances4', 1), ('1005', 1), ('document6', 1), ('weightbelieve', 1), ('oneself', 1), ('coach', 1), ('simulating', 1), ('newfound', 1), ('bookaholic', 1), ('relieve', 1), ('ma', 1), ('decree', 1), ('increditable', 1), ('alleviates', 1), ('microusb', 1), ('orginall', 1), ('85yr', 1), ('unaffected', 1), ('brushing', 1), ('backpocket', 1), ('seating', 1), ('stressful', 1), ('observations', 1), ('varies', 1), ('fumble', 1), ('condense', 1), ('gestures', 1), ('attachable', 1), ('gripper', 1), ('comparative', 1), ('eases', 1), ('teamkindlepaperwhite', 1), ('oerfect', 1), ('nonsense', 1), ('sned', 1), ('aggravated', 1), ('amazinged', 1), ('tomes', 1), ('squeezed', 1), ('shutterfly', 1), ('complimented', 1), ('vvery', 1), ('aprice', 1), ('afforadable', 1), ('lightweightness', 1), ('paperwhiite', 1), ('brooks', 1), ('emergence', 1), ('leaks', 1), ('emerging', 1), ('pinhole', 1), ('speck', 1), ('surrendering', 1), ('towers', 1), ('tunnels', 1), ('tolerate', 1), ('veritable', 1), ('overwhelmingly', 1), ('continuation', 1), ('erratic', 1), ('pitched', 1), ('tester', 1), ('cargo', 1), ('shorts', 1), ('outweighed', 1), ('fliers', 1), ('beachbag', 1), ('constructive', 1), ('feelings', 1), ('owing', 1), ('bibliography', 1), ('worrisome', 1), ('sour', 1), ('river', 1), ('indicate', 1), ('explanation', 1), ('conclusions', 1), ('gloss', 1), ('kndle', 1), ('magnifying', 1), ('rumored', 1), ('fictions', 1), ('refreshing', 1), ('discomfort', 1), ('bookwork', 1), ('outlast', 1), ('hoarding', 1), ('wouls', 1), ('gunslinger', 1), ('midnight', 1), ('prtability', 1), ('magnified', 1), ('paperwork', 1), ('goodbuy', 1), ('subscribes', 1), ('publications', 1), ('disappears', 1), ('disallows', 1), ('manipulating', 1), ('hero', 1), ('duration', 1), ('kindlewhites', 1), ('purposefully', 1), ('lifespan', 1), ('aide', 1), ('squinting', 1), ('06', 1), ('kinkle', 1), ('rhis', 1), ('wrists', 1), ('hasatate', 1), ('destruct', 1), ('washes', 1), ('fantactic', 1), ('granularity', 1), ('inhibits', 1), ('backloght', 1), ('inception', 1), ('agile', 1), ('mysteriously', 1), ('bahamas', 1), ('bald', 1), ('kindall', 1), ('kimball', 1), ('easytocarry', 1), ('jaggies', 1), ('moreover', 1), ('handier', 1), ('gained', 1), ('achieves', 1), ('copied', 1), ('soooooooooo', 1), ('critics', 1), ('fruity', 1), ('trainer', 1), ('decission', 1), ('gobbled', 1), ('conserve', 1), ('squeaking', 1), ('overwhelmed', 1), ('convoluted', 1), ('sprung', 1), ('curled', 1), ('recipies', 1), ('kindie', 1), ('resisting', 1), ('crisply', 1), ('peperwhite', 1), ('maintaining', 1), ('selective', 1), ('span', 1), ('disgusted', 1), ('evidently', 1), ('comforatble', 1), ('withyour', 1), ('finance', 1), ('referenced', 1), ('quote', 1), ('expirience', 1), ('bricking', 1), ('beige', 1), ('dyslexia', 1), ('contrasts', 1), ('fenomenal', 1), ('copyrights', 1), ('alread', 1), ('scenario', 1), ('stepmother', 1), ('feasible', 1), ('circumstances', 1), ('bookmarking', 1), ('thekindle', 1), ('joband', 1), ('flippable', 1), ('contemplated', 1), ('philsophy', 1), ('government', 1), ('lowlight', 1), ('toothbrush', 1), ('aready', 1), ('softly', 1), ('gosh', 1), ('purist', 1), ('alurek', 1), ('devoured', 1), ('cured', 1), ('lifewould', 1), ('outweigh', 1), ('goodwas', 1), ('touchable', 1), ('diestraftions', 1), ('custumer', 1), ('seein', 1), ('goad', 1), ('ican', 1), ('diffuses', 1), ('ju', 1), ('healing', 1), ('readand', 1), ('recommeded', 1), ('backlite', 1), ('achy', 1), ('glitter', 1), ('technologies', 1), ('rader', 1), ('shoved', 1), ('fantasticly', 1), ('uc', 1), ('irvine', 1), ('dooper', 1), ('yourbedmate', 1), ('cartridges', 1), ('labeling', 1), ('syllabus', 1), ('registers', 1), ('vovage', 1), ('blackvery', 1), ('reliabe', 1), ('gliches', 1), ('retire', 1), ('impressions', 1), ('usefult', 1), ('incompatibility', 1), ('wonderfui', 1), ('discribed', 1), ('dominican', 1), ('rebublic', 1), ('missionaries', 1), ('mondays', 1), ('chill', 1), ('thins', 1), ('paperwhits', 1), ('graders', 1), ('dummy', 1), ('bdu', 1), ('transitioned', 1), ('unneeded', 1), ('nonglare', 1), ('duplicate', 1), ('resd', 1), ('schhool', 1), ('backpighting', 1), ('nitch', 1), ('talbets', 1), ('grudgingly', 1), ('ebooker', 1), ('werr', 1), ('ths', 1), ('arounnd', 1), ('carringing', 1), ('coloured', 1), ('leggy', 1), ('moe', 1), ('bednot', 1), ('corresponding', 1), ('tidy', 1), ('toughing', 1), ('8y', 1), ('mitigate', 1), ('catastrophic', 1), ('tjis', 1), ('efficacy', 1), ('humbly', 1), ('recap', 1), ('enlarges', 1), ('resize', 1), ('seattle', 1), ('pinging', 1), ('turners', 1), ('shud', 1), ('upcharge', 1), ('specialties', 1), ('royce', 1), ('sticked', 1), ('gloves', 1), ('pannier', 1), ('exactlo', 1), ('cadillac', 1), ('distinctive', 1), ('avaiailable', 1), ('distracts', 1), ('consult', 1), ('situ', 1), ('disrupts', 1), ('covering', 1), ('backlot', 1), ('tinged', 1), ('subjective', 1), ('sued', 1), ('gradient', 1), ('visualize', 1), ('pw1', 1), ('quietly', 1), ('hards', 1), ('toldpeople', 1), ('helium', 1), ('adjuster', 1), ('reimagined', 1), ('bias', 1), ('adoption', 1), ('proposition', 1), ('thhought', 1), ('easliy', 1), ('presume', 1), ('reallllllllllllllllllllllllllllllllllllllllllllllly', 1), ('flatness', 1), ('qualify', 1), ('dominance', 1), ('hepatic', 1), ('madman', 1), ('honesty', 1), ('whip', 1), ('qa', 1), ('agents', 1), ('facedown', 1), ('tilted', 1), ('lid', 1), ('luddite', 1), ('ttry', 1), ('batterry', 1), ('kindle4nt', 1), ('4t', 1), ('hep', 1), ('pending', 1), ('screencons', 1), ('frustratingwith', 1), ('studio', 1), ('tackle', 1), ('kitty', 1), ('borders', 1), ('sulight', 1), ('stupendous', 1), ('journals', 1), ('navigated', 1), ('vertically', 1), ('horizontally', 1), ('flew', 1), ('bearable', 1), ('taxes', 1), ('georgia', 1), ('qualifying', 1), ('perfected', 1), ('minors', 1), ('paris', 1), ('pol', 1), ('thelarge', 1), ('ofmaking', 1), ('havefound', 1), ('buyhas', 1), ('thestore', 1), ('passion', 1), ('aura', 1), ('detachment', 1), ('hy', 1), ('indigenous', 1), ('utilizes', 1), ('girth', 1), ('frankfort', 1), ('boundbook', 1), ('receipent', 1), ('duck', 1), ('dispose', 1), ('sellers', 1), ('defunct', 1), ('disassembling', 1), ('crimp', 1), ('rhyme', 1), ('anywhereview', 1), ('brightens', 1), ('voraciously', 1), ('aquired', 1), ('browny', 1), ('woods', 1), ('costliest', 1), ('liquid', 1), ('lightlove', 1), ('simp', 1), ('archive', 1), ('breakcons', 1), ('thingredients', 1), ('mandates', 1), ('interfaceneeds', 1), ('remarked', 1), ('dirtying', 1), ('addresses', 1), ('binged', 1), ('transportability', 1), ('freight', 1), ('pw3', 1), ('crumb', 1), ('catcher', 1), ('distressed', 1), ('dallas', 1), ('variations', 1), ('jesus', 1), ('christ', 1), ('nazareth', 1), ('voyages', 1), ('dip', 1), ('spills', 1), ('fluidity', 1), ('proponent', 1), ('sadness', 1), ('conform', 1), ('blackscreen', 1), ('september', 1), ('warentee', 1), ('orangeish', 1), ('blueish', 1), ('mighty', 1), ('copperish', 1), ('toned', 1), ('prettymuch', 1), ('noe', 1), ('littlebit', 1), ('ipadmini', 1), ('air2', 1), ('buttton', 1), ('aweseome', 1), ('diagram', 1), ('pagesif', 1), ('stockpiling', 1), ('conistent', 1), ('baggie', 1), ('andy', 1), ('satistfy', 1), ('6weeks', 1), ('3weeks', 1), ('wandering', 1), ('jackpot', 1), ('depleted', 1), ('disliking', 1), ('produ', 1), ('ct', 1), ('freind', 1), ('rewinds', 1), ('irresistible', 1), ('ultraportable', 1), ('inc', 1), ('b004y1wcde', 1), ('bikerider', 1), ('pricerange', 1), ('usefulnot', 1), ('preface', 1), ('dragon', 1), ('tattoo', 1), ('brave', 1), ('hunger', 1), ('trilogy', 1), ('divergent', 1), ('hindered', 1), ('dive', 1), ('inspire', 1), ('youd', 1), ('sundry', 1), ('logistical', 1), ('attractions', 1), ('accumulative', 1), ('creeping', 1), ('remained', 1), ('glacial', 1), ('consensus', 1), ('flakey', 1), ('coroporate', 1), ('hermetically', 1), ('2005', 1), ('2007', 1), ('itso', 1), ('disperses', 1), ('funcion', 1), ('aims', 1), ('000s', 1), ('particulary', 1), ('212', 1), ('1292', 1), ('2093', 1), ('voyger', 1), ('219', 1), ('400so', 1), ('1ghz', 1), ('slicker', 1), ('presentation', 1), ('26g', 1), ('softens', 1), ('ave', 1), ('connectionpersonally', 1), ('papwerwhite', 1), ('reada', 1), ('azw3', 1), ('azw', 1), ('txt', 1), ('unprotected', 1), ('prc', 1), ('jpeg', 1), ('gif', 1), ('png', 1), ('bmp', 1), ('conversionq', 1), ('formata', 1), ('um0teoar6zw', 1), ('simples', 1), ('wella', 1), ('booka', 1), ('sizea', 1), ('tastesq', 1), ('childrena', 1), ('familyq', 1), ('beda', 1), ('onq', 1), ('availablea', 1), ('copyright', 1), ('lasta', 1), ('deviceq', 1), ('chargea', 1), ('hoursq', 1), ('holda', 1), ('youve', 1), ('elsea', 1), ('sew', 1), ('trough', 1), ('bookstores', 1), ('vraiment', 1), ('bon', 1), ('petit', 1), ('appareil', 1), ('lger', 1), ('facile', 1), ('emploij', 1), ('hte', 1), ('servir', 1), ('plages', 1), ('cet', 1), ('hiverbelle', 1), ('bibliothque', 1), ('disponiblesbon', 1), ('achat', 1), ('bref', 1), ('trs', 1), ('heureux', 1), ('soient', 1), ('aprs', 1), ('tre', 1), ('fait', 1), ('voler', 1), ('est', 1), ('bien', 1), ('pouvoir', 1), ('retrouver', 1), ('tous', 1), ('mes', 1), ('avec', 1), ('toutes', 1), ('j', 1), ('avais', 1), ('persisted', 1), ('creature', 1), ('immersed', 1), ('wildly', 1), ('indulgence', 1), ('uk', 1), ('jurisdiction', 1), ('wrongthank', 1), ('weeksi', 1), ('buybuyby', 1), ('electrnico', 1), ('prctico', 1), ('jul', 1), ('loging', 1), ('meanwhile', 1), ('moko', 1), ('kf8', 1), ('elk', 1), ('grove', 1), ('surcharges', 1), ('bby01', 1), ('800223005180', 1), ('ocasional', 1), ('litterate', 1), ('althought', 1), ('rugrat', 1), ('fashionable', 1), ('woul', 1), ('peoplenet', 1), ('assessible', 1), ('deceased', 1), ('otoh', 1), ('offended', 1), ('mature', 1), ('homescreen', 1), ('competitions', 1), ('boomer', 1), ('catechism', 1), ('faded', 1), ('unwillingness', 1), ('fingertip', 1), ('beacuse', 1), ('deems', 1), ('pretense', 1), ('nordic', 1), ('hipsters', 1), ('tryout', 1), ('12gb', 1), ('unibody', 1), ('urging', 1), ('tea', 1), ('installedcons', 1), ('gamesnot', 1), ('upgradeslove', 1), ('corrupted', 1), ('refurbishment', 1), ('xs', 1), ('stupidly', 1), ('dts', 1), ('stare', 1), ('cycled', 1), ('showbox', 1), ('sideclick', 1), ('wellallows', 1), ('installationmuch', 1), ('tvallows', 1), ('notcons', 1), ('tvremote', 1), ('controlsremote', 1), ('resale', 1), ('dl', 1), ('referral', 1), ('quickest', 1), ('jub', 1), ('molasses', 1), ('proportion', 1), ('trevmoned', 1), ('onside', 1), ('insts', 1), ('wirelees', 1), ('investigative', 1), ('disclaimer', 1), ('roars', 1), ('replenish', 1), ('scoff', 1), ('failures', 1), ('warrenty', 1), ('ithas', 1), ('leverage', 1), ('weathered', 1), ('conveint', 1), ('pm', 1), ('tucks', 1), ('nreices', 1), ('wondeful', 1), ('prurple', 1), ('anoid', 1), ('usablity', 1), ('trusting', 1), ('durabale', 1), ('proficiency', 1), ('tab2', 1), ('billed', 1), ('craftsmanship', 1), ('sero', 1), ('youngins', 1), ('economically', 1), ('locating', 1), ('rehearsal', 1), ('convent', 1), ('brochure', 1), ('bloxels', 1), ('grandnephew', 1), ('barney', 1), ('confuse', 1), ('10t', 1), ('putchase', 1), ('litte', 1), ('wo', 1), ('freedoms', 1), ('squirly', 1), ('fuego', 1), ('delicious', 1), ('oatmeal', 1), ('usecons', 1), ('busybody', 1), ('uncomplicated', 1), ('2107', 1), ('wil', 1), ('stealing', 1), ('theyit', 1), ('featuresdon', 1), ('adage', 1), ('america', 1), ('sa', 1), ('tabletthat', 1), ('unannounced', 1), ('deteriorates', 1), ('li', 1), ('tabler', 1), ('reactive', 1), ('teachers', 1), ('photograher', 1), ('680', 1), ('wrko', 1), ('vb', 1), ('john', 1), ('smith', 1), ('applience', 1), ('whereever', 1), ('lenghty', 1), ('funniest', 1), ('shortest', 1), ('discipline', 1), ('liights', 1), ('gargae', 1), ('invite', 1), ('discreetly', 1), ('secondvalexa', 1), ('sirii', 1), ('nsc', 1), ('plant', 1), ('authorities', 1), ('happenings', 1), ('abode', 1), ('retrieving', 1), ('previews', 1), ('imitation', 1), ('supera', 1), ('allowable', 1), ('itnow', 1), ('spoil', 1), ('synonyms', 1), ('antonyms', 1), ('fruition', 1), ('technoilogy', 1), ('haiku', 1), ('cools', 1), ('denver', 1), ('broncos', 1), ('marsala', 1), ('gag', 1), ('perfume', 1), ('tablespoons', 1), ('liter', 1), ('sills', 1), ('amplify', 1), ('naps', 1), ('toying', 1), ('simplifying', 1), ('smartmode', 1), ('vivant', 1), ('bakes', 1), ('divices', 1), ('rv', 1), ('bake', 1), ('cumulus', 1), ('clouds', 1), ('pricinr', 1), ('recongination', 1), ('townhouse', 1), ('lovethe', 1), ('0ff', 1), ('residence', 1), ('accurrate', 1), ('protest', 1), ('populates', 1), ('spins', 1), ('summoning', 1), ('calibrate', 1), ('tred', 1), ('investigating', 1), ('getying', 1), ('mudic', 1), ('dotsgreat', 1), ('shake', 1), ('uo', 1), ('tor', 1), ('definitly', 1), ('muffled', 1), ('askin', 1), ('barcelona', 1), ('lole', 1), ('sp', 1), ('gooooood', 1), ('medication', 1), ('algorithm', 1), ('sweetheart', 1), ('peripherals', 1), ('syste', 1), ('confess', 1), ('raspberry', 1), ('pi', 1), ('forgave', 1), ('capabiliies', 1), ('controled', 1), ('hsnds', 1), ('sloppy', 1), ('googlehome', 1), ('amaxing', 1), ('compalibility', 1), ('shed', 1), ('irs', 1), ('multiply', 1), ('subtract', 1), ('myriad', 1), ('inaudible', 1), ('overrated', 1), ('sever', 1), ('thermometer', 1), ('toes', 1), ('uttered', 1), ('taxing', 1), ('amuses', 1), ('revolving', 1), ('stab', 1), ('swayed', 1), ('descriptive', 1), ('feathures', 1), ('answeri', 1), ('enoys', 1), ('veing', 1), ('driveway', 1), ('distinct', 1), ('advertisedsound', 1), ('jams', 1), ('sweater', 1), ('taker', 1), ('shehelps', 1), ('ofmy', 1), ('weatger', 1), ('expedited', 1), ('logitec', 1), ('indexing', 1), ('br', 1), ('lr', 1), ('ow', 1), ('iffft', 1), ('radioandpod', 1), ('asss', 1), ('aides', 1), ('ubers', 1), ('undiscovered', 1), ('havoc', 1), ('25mgb', 1), ('spottily', 1), ('perineum', 1), ('orbit', 1), ('bhyve', 1), ('advancements', 1), ('thatyou', 1), ('showtimes', 1), ('gate', 1), ('personable', 1), ('echodot', 1), ('cabt', 1), ('reporters', 1), ('stellar', 1), ('unto', 1), ('inseon', 1), ('orally', 1), ('catalogue', 1), ('4stars', 1), ('evenin', 1), ('sixties', 1), ('harman', 1), ('kardon', 1), ('onyx', 1), ('succeeded', 1), ('tidbits', 1), ('jepordy', 1), ('intranet', 1), ('auditory', 1), ('howling', 1), ('arch', 1), ('obeyed', 1), ('hoo', 1), ('eager', 1), ('ismartalarm', 1), ('kevin', 1), ('spacey', 1), ('macaw', 1), ('blues', 1), ('peice', 1), ('eqiptment', 1), ('sunrise', 1), ('sunset', 1), ('initiating', 1), ('proving', 1), ('revelry', 1), ('ecco', 1), ('rhougjt', 1), ('innovating', 1), ('sre', 1), ('mire', 1), ('enthusiasm', 1), ('trees', 1), ('verse', 1), ('specialty', 1), ('obstinate', 1), ('thatis', 1), ('whispered', 1), ('authomation', 1), ('synchs', 1), ('hsve', 1), ('rundown', 1), ('componets', 1), ('partners', 1), ('downey', 1), ('california', 1), ('irritation', 1), ('intercoms', 1), ('accomplishing', 1), ('energysmart', 1), ('lowes', 1), ('612026', 1), ('691121', 1), ('smash', 1), ('eill', 1), ('cofee', 1), ('qith', 1), ('gens', 1), ('suri', 1), ('designer', 1), ('identically', 1), ('afterbeing', 1), ('05', 1), ('asmaking', 1), ('thermastat', 1), ('intergration', 1), ('forme', 1), ('temosta', 1), ('expecxted', 1), ('wrecks', 1), ('gun', 1), ('merchant', 1), ('elexa', 1), ('demands', 1), ('favs', 1), ('covenant', 1), ('tempature', 1), ('undoubtedly', 1), ('housecleaning', 1), ('answe', 1), ('calories', 1), ('tart', 1), ('calculating', 1), ('shoping', 1), ('multifunctional', 1), ('diownload', 1), ('inaccessible', 1), ('aver', 1), ('improtant', 1), ('deivce', 1), ('inter', 1), ('blended', 1), ('denon', 1), ('123', 1), ('lisp', 1), ('thisome', 1), ('speechless', 1), ('posibilities', 1), ('ford', 1), ('credenza', 1), ('entries', 1), ('ourchase', 1), ('announcements', 1), ('wy', 1), ('sonfor', 1), ('zigbee', 1), ('summarize', 1), ('bodies', 1), ('wright', 1), ('alaxa', 1), ('architect', 1), ('backgound', 1), ('denied', 1), ('tracker', 1), ('hymn', 1), ('religious', 1), ('memorized', 1), ('misunderstood', 1), ('witnessing', 1), ('transmitted', 1), ('comms', 1), ('sthe', 1), ('3500', 1), ('detection', 1), ('decreasing', 1), ('automations', 1), ('experimentation', 1), ('hahahahahahahhahahahahahahahhaha', 1), ('wholee', 1), ('nasa', 1), ('appellate', 1), ('fairest', 1), ('talents', 1), ('dubai', 1), ('thailand', 1), ('cara', 1), ('boston', 1), ('shuttle', 1), ('blanket', 1), ('80th', 1), ('presences', 1), ('smoke', 1), ('ocean', 1), ('foundation', 1), ('dictates', 1), ('bette', 1), ('superbly', 1), ('amy', 1), ('loudest', 1), ('rap', 1), ('informationtimers', 1), ('dismissed', 1), ('industrial', 1), ('blend', 1), ('formula', 1), ('sparse', 1), ('inconsistent', 1), ('thi', 1), ('military', 1), ('pac', 1), ('eastern', 1), ('iiiiiiiiiiiiiiiiiiiiiiiiiiiiiiii', 1), ('exhausting', 1), ('nominal', 1), ('caregivers', 1), ('auction', 1), ('sought', 1), ('bided', 1), ('reachable', 1), ('assistive', 1), ('usefulfeatures', 1), ('extemely', 1), ('wag', 1), ('heartily', 1), ('vested', 1), ('objects', 1), ('collectible', 1), ('moto', 1), ('dysfunctional', 1), ('stumble', 1), ('geological', 1), ('potshot', 1), ('calculate', 1), ('baffled', 1), ('pills', 1), ('seeming', 1), ('overdramatized', 1), ('underpriced', 1), ('amaxon', 1), ('hmmmmm', 1), ('annticapated', 1), ('phon', 1), ('amnazon', 1), ('breathtaking', 1), ('bbc', 1), ('ynab', 1), ('countriesi', 1), ('wasy', 1), ('rum', 1), ('tilts', 1), ('unending', 1), ('geographical', 1), ('lightswish', 1), ('shuffling', 1), ('proceeds', 1), ('arrogant', 1), ('preselected', 1), ('behaves', 1), ('wands', 1), ('vday', 1), ('sono', 1), ('dubaiwell', 1), ('defintly', 1), ('assitant', 1), ('circular', 1), ('helo', 1), ('fascinates', 1), ('lemon', 1), ('ignored', 1), ('canhelp', 1), ('concisely', 1), ('intelligently', 1), ('spews', 1), ('wand', 1), ('enriched', 1), ('enrich', 1), ('furthermore', 1), ('widow', 1), ('western', 1), ('trafic', 1), ('ecchor', 1), ('impomation', 1), ('widest', 1), ('brains', 1), ('soup', 1), ('smallfootprint', 1), ('contril', 1), ('jars', 1), ('informayion', 1), ('straightened', 1), ('exercises', 1), ('bollywood', 1), ('michigan', 1), ('usa', 1), ('mumbai', 1), ('cert', 1), ('millionaire', 1), ('issuing', 1), ('wint', 1), ('hummingbirds', 1), ('anticipation', 1), ('impending', 1), ('precede', 1), ('wrongly', 1), ('angeles', 1), ('mancave', 1), ('dominoes', 1), ('vader', 1), ('helmet', 1), ('smartify', 1), ('caster', 1), ('arlo', 1), ('module', 1), ('gizmos', 1), ('forthcoming', 1), ('productgoing', 1), ('speakerworks', 1), ('hubworks', 1), ('plum', 1), ('snatched', 1), ('specified', 1), ('lazier', 1), ('alzheimers', 1), ('dementia', 1), ('medicine', 1), ('spofity', 1), ('trendy', 1), ('exponentially', 1), ('beatles', 1), ('complements', 1), ('weakness', 1), ('thwe', 1), ('reportsalso', 1), ('recites', 1), ('knob', 1), ('syllable', 1), ('soubd', 1), ('setups', 1), ('arcade', 1), ('reminding', 1), ('vemo', 1), ('secondarily', 1), ('upworks', 1), ('awesomeno', 1), ('boght', 1), ('servings', 1), ('arithmatic', 1), ('bop', 1), ('lebron', 1), ('james', 1), ('instantaneously', 1), ('allegedly', 1), ('unwind', 1), ('grossly', 1), ('serius', 1), ('lever', 1), ('joan', 1), ('collins', 1), ('acheivement', 1), ('misinterprets', 1), ('transparent', 1), ('msuper', 1), ('bub', 1), ('teaspoons', 1), ('nickel', 1), ('deepy', 1), ('barry', 1), ('diller', 1), ('richest', 1), ('admits', 1), ('executed', 1), ('joneses', 1), ('barrow', 1), ('lasik', 1), ('annunciate', 1), ('mathematics', 1), ('interprets', 1), ('ge', 1), ('conditioners', 1), ('relates', 1), ('herplay', 1), ('leveraging', 1), ('calculation', 1), ('announce', 1), ('insult', 1), ('echonfrom', 1), ('promoted', 1), ('climate', 1), ('lowe', 1), ('ech', 1), ('soumds', 1), ('auidobooks', 1), ('overviews', 1), ('recaps', 1), ('rationalize', 1), ('napster', 1), ('penetrate', 1), ('ehco', 1), ('metaphorical', 1), ('spinal', 1), ('injury', 1), ('broadcasts', 1), ('successfully', 1), ('kentucky', 1), ('wildcat', 1), ('professionally', 1), ('stimulation', 1), ('unassisted', 1), ('wwere', 1), ('roommates', 1), ('congitions', 1), ('coking', 1), ('housebound', 1), ('growth', 1), ('encouraging', 1), ('doys', 1), ('tlink', 1), ('swiss', 1), ('lifex', 1), ('ceases', 1), ('newsflash', 1), ('hbr', 1), ('currency', 1), ('cincise', 1), ('crestron', 1), ('corney', 1), ('coo', 1), ('1800', 1), ('noticable', 1), ('thermastats', 1), ('loader', 1), ('kludgy', 1), ('enunciation', 1), ('guitar', 1), ('consolidates', 1), ('prolly', 1), ('ical', 1), ('gauge', 1), ('anecdotes', 1), ('livinroom', 1), ('lakers', 1), ('decorated', 1), ('exhaust', 1), ('rhere', 1), ('downplays', 1), ('hats', 1), ('22nd', 1), ('cleans', 1), ('ciunter', 1), ('innthe', 1), ('aesthetic', 1), ('ourvsed', 1), ('simpliar', 1), ('itll', 1), ('verifications', 1), ('salvador', 1), ('ste', 1), ('developes', 1), ('jettsons', 1), ('looove', 1), ('prospect', 1), ('unresponsiveness', 1), ('snapshot', 1), ('egg', 1), ('carton', 1), ('ffiend', 1), ('controllong', 1), ('petty', 1), ('dungeons', 1), ('dragons', 1), ('algebra', 1), ('aired', 1), ('incidentaly', 1), ('starwars', 1), ('pleases', 1), ('fuctions', 1), ('betwee', 1), ('honey', 1), ('hus', 1), ('automobile', 1), ('revolutionize', 1), ('jamming', 1), ('centerpieces', 1), ('worded', 1), ('nyc', 1), ('metric', 1), ('rephrase', 1), ('plate', 1), ('imitations', 1), ('questioned', 1), ('quizzes', 1), ('whisper', 1), ('vloume', 1), ('triva', 1), ('unwraps', 1), ('quantify', 1), ('wemu', 1), ('rtr', 1), ('germ', 1), ('aphobic', 1), ('putz', 1), ('5stars', 1), ('installable', 1), ('romantic', 1), ('mass', 1), ('arctic', 1), ('interpretation', 1), ('pronunciations', 1), ('hiwever', 1), ('milk', 1), ('tokd', 1), ('wfi', 1), ('packers', 1), ('alea', 1), ('toyota', 1), ('measurement', 1), ('automatons', 1), ('wirhout', 1), ('cist', 1), ('ballgame', 1), ('alltimes', 1), ('grocerys', 1), ('alessa', 1), ('qualit', 1), ('nonneed', 1), ('worls', 1), ('velop', 1), ('diamond', 1), ('terminology', 1), ('sensi', 1), ('littetly', 1), ('debice', 1), ('inquisitive', 1), ('bantering', 1), ('facinating', 1), ('enlightening', 1), ('yuh', 1), ('lifelike', 1), ('shipboard', 1), ('nicked', 1), ('echolettes', 1), ('simpilar', 1), ('infection', 1), ('roof', 1), ('smart5', 1), ('addon', 1), ('suckered', 1), ('broadens', 1), ('simplification', 1), ('multiroom', 1), ('somethings', 1), ('ike', 1), ('happerier', 1), ('dean', 1), ('martin', 1), ('2m', 1), ('expections', 1), ('grilling', 1), ('simon', 1), ('outlr', 1), ('undeniably', 1), ('slate', 1), ('agoura', 1), ('hills', 1), ('pronounciation', 1), ('renamed', 1), ('neato', 1), ('botvac', 1), ('irrigation', 1), ('meditations', 1), ('lung', 1), ('1969', 1), ('suppprt', 1), ('disingenuous', 1), ('detecting', 1), ('x2', 1), ('chatty', 1), ('logical', 1), ('satisfiedgood', 1), ('prepping', 1), ('attire', 1), ('idecided', 1), ('police', 1), ('foo', 1), ('fighters', 1), ('zeppelin', 1), ('jewelry', 1), ('tng', 1), ('funnest', 1), ('ayer', 1), ('fledgling', 1), ('18000', 1), ('handsfreedom', 1), ('dwelling', 1), ('wellgreat', 1), ('play1', 1), ('122', 1), ('stoked', 1), ('property', 1), ('modtly', 1), ('recomed', 1), ('judi', 1), ('rejected', 1), ('mis', 1), ('interpret', 1), ('hesitantly', 1), ('rewarding', 1), ('adjoining', 1), ('anwsers', 1), ('updatesshe', 1), ('yetlove', 1), ('fahrenheit', 1), ('celsius', 1), ('perforrm', 1), ('mathematical', 1), ('unforeseen', 1), ('leasing', 1), ('acceries', 1), ('disarm', 1), ('diego', 1), ('valley', 1), ('offset', 1), ('takeout', 1), ('jeapordy', 1), ('elarning', 1), ('curates', 1), ('toanyone', 1), ('sirrius', 1), ('satelite', 1), ('lidten', 1), ('lyric', 1), ('friendley', 1), ('paralyzed', 1), ('roomba', 1), ('tacos', 1), ('facinated', 1), ('helicopters', 1), ('amizon', 1), ('2thumbs', 1), ('miore', 1), ('alt', 1), ('nation', 1), ('destination', 1), ('movable', 1), ('conditioning', 1), ('bloom', 1), ('formate', 1), ('funtions', 1), ('sinc', 1), ('cups', 1), ('quarts', 1), ('unproductive', 1), ('wheels', 1), ('puchased', 1), ('capabilties', 1), ('bloomberg', 1), ('reuters', 1), ('concerning', 1), ('quizzies', 1), ('verb', 1), ('setu', 1), ('cynical', 1), ('pump', 1), ('profits', 1), ('contributes', 1), ('deny', 1), ('adopting', 1), ('uss', 1), ('disconects', 1), ('querys', 1), ('shortfalls', 1), ('floating', 1), ('multiform', 1), ('simultaneousso', 1), ('ihart', 1), ('ayou', 1), ('insulted', 1), ('trully', 1), ('positioning', 1), ('recomment', 1), ('consistency', 1), ('bases', 1), ('aamazon', 1), ('fitting', 1), ('exceptions', 1), ('respresented', 1), ('bizarrely', 1), ('artistgreat', 1), ('rainstorm', 1), ('soundtracks', 1), ('polka', 1), ('generas', 1), ('polkas', 1), ('unintuitive', 1), ('megaboom', 1), ('goods', 1), ('friendhavi', 1), ('myst', 1), ('stil', 1), ('bach', 1), ('smarts', 1), ('greeting', 1), ('esoteric', 1), ('decibel', 1), ('gsuite', 1), ('biz', 1), ('freebie', 1), ('tailor', 1), ('withstanding', 1), ('propensity', 1), ('restocking', 1), ('quantities', 1), ('exhausted', 1), ('progresses', 1), ('omnidirectional', 1), ('valuing', 1), ('aficionado', 1), ('miscellaneous', 1), ('conspicuously', 1), ('sidney', 1), ('michelle', 1), ('ialexa', 1), ('gathered', 1), ('row', 1), ('consecutive', 1), ('slecting', 1), ('addedand', 1), ('deivices', 1), ('peoduct', 1), ('documented', 1), ('serive', 1), ('qickly', 1), ('interupting', 1), ('istall', 1), ('nerds', 1), ('reliance', 1), ('sinking', 1), ('funnier', 1), ('relaunch', 1), ('twisting', 1), ('querying', 1), ('bruno', 1), ('mars', 1), ('phenomenon', 1), ('townhome', 1), ('puttering', 1), ('naysayers', 1), ('judge', 1), ('firing', 1), ('rightit', 1), ('qiestions', 1), ('acquiring', 1), ('prieo', 1), ('heavenly', 1), ('misinterpretation', 1), ('cardinal', 1), ('engagements', 1), ('inconsistency', 1), ('carfull', 1), ('genera', 1), ('motorola', 1), ('elected', 1), ('phil', 1), ('misorder', 1), ('lowered', 1), ('smug', 1), ('selects', 1), ('bella', 1), ('anunciate', 1), ('misinterpret', 1), ('tempter', 1), ('joked', 1), ('comedy', 1), ('cooling', 1), ('devotion', 1), ('medley', 1), ('meals', 1), ('pranks', 1), ('vital', 1), ('goof', 1), ('delved', 1), ('anwser', 1), ('caseta', 1), ('lolshe', 1), ('rosie', 1), ('inspiration', 1), ('broader', 1), ('excetera', 1), ('fickle', 1), ('uncertainty', 1), ('controling', 1), ('vocabs', 1), ('query', 1), ('historical', 1), ('realised', 1), ('ummmmmmm', 1), ('wth', 1), ('notify', 1), ('paraplegic', 1), ('unpacked', 1), ('wuestions', 1), ('standoff', 1), ('statements', 1), ('timerssets', 1), ('warmth', 1), ('coolness', 1), ('keen', 1), ('conservation', 1), ('detected', 1), ('pronounced', 1), ('woke', 1), ('kiddoes', 1), ('everyboby', 1), ('favoite', 1), ('extreamly', 1), ('ejoy', 1), ('showroomevery', 1), ('remarks', 1), ('thermos', 1), ('reconitiona', 1), ('guestions', 1), ('outlook', 1), ('lites', 1), ('mucheasy', 1), ('blasts', 1), ('discrete', 1), ('casetta', 1), ('und', 1), ('reword', 1), ('crosby', 1), ('giftlistening', 1), ('sil', 1), ('tides', 1), ('spontaneous', 1), ('styling', 1), ('cinnamon', 1), ('underestimated', 1), ('t5o', 1), ('lear4n', 1), ('balky', 1), ('bladerunner', 1), ('luvit', 1), ('myers', 1), ('vinyl', 1), ('likeabroken', 1), ('tickled', 1), ('wikimedia', 1), ('aroud', 1), ('shouting', 1), ('50lbs', 1), ('cookie', 1), ('unfold', 1), ('brunsch', 1), ('drawl', 1), ('litle', 1), ('towels', 1), ('reap', 1), ('appoint', 1), ('thermo', 1), ('sightseeing', 1), ('machines', 1), ('hectic', 1), ('commanding', 1), ('perimeter', 1), ('vasr', 1), ('purshased', 1), ('undertake', 1), ('tuesday', 1), ('receivers', 1), ('marantz', 1), ('equalize', 1), ('kasa', 1), ('mesmerized', 1), ('greetings', 1), ('nixes', 1), ('compatabile', 1), ('pierce', 1), ('catches', 1), ('arbitrary', 1), ('admission', 1), ('director', 1), ('deadbolts', 1), ('temps', 1), ('hookups', 1), ('settles', 1), ('featuring', 1), ('fantastics', 1), ('bow', 1), ('woof', 1), ('sigh', 1), ('belief', 1), ('widowed', 1), ('literate', 1), ('interractions', 1), ('realtyusa', 1), ('jacked', 1), ('bleek', 1), ('farfield', 1), ('asr', 1), ('faqs', 1), ('argued', 1), ('comletely', 1), ('configuring', 1), ('hopeful', 1), ('upgreat', 1), ('musicamazinggreat', 1), ('casta', 1), ('avaid', 1), ('perview', 1), ('exho', 1), ('lunches', 1), ('obeys', 1), ('freaky', 1), ('correcting', 1), ('relayed', 1), ('fareasy', 1), ('understandentertaining', 1), ('sin', 1), ('wrestling', 1), ('themone', 1), ('uswe', 1), ('startrek', 1), ('smarthouse', 1), ('bundles', 1), ('cutit', 1), ('yells', 1), ('ithe', 1), ('freestanding', 1), ('joint', 1), ('kirk', 1), ('cues', 1), ('cue', 1), ('destinations', 1), ('cocktail', 1), ('gh', 1), ('guft', 1), ('everside', 1), ('minimizing', 1), ('competitively', 1), ('computerized', 1), ('unintelligible', 1), ('composers', 1), ('abruptly', 1), ('singers', 1), ('nother', 1), ('wildest', 1), ('dianostic', 1), ('decline', 1), ('scoring', 1), ('huawei', 1), ('nites', 1), ('nrws', 1), ('speakfor', 1), ('fimiliar', 1), ('malicious', 1), ('funis', 1), ('smy', 1), ('74', 1), ('rests', 1), ('fixtures', 1), ('severe', 1), ('rime', 1), ('intercome', 1), ('cancer', 1), ('tongue', 1), ('pronouncing', 1), ('supplementing', 1), ('entertainmentplays', 1), ('musicgets', 1), ('updatesnews', 1), ('seri', 1), ('answears', 1), ('intuitively', 1), ('keystrokes', 1), ('surrounding', 1), ('aggrivating', 1), ('specfic', 1), ('socketsss', 1), ('societyit', 1), ('alway', 1), ('aliens', 1), ('khloe', 1), ('kardashian', 1), ('silences', 1), ('lifts', 1), ('intercative', 1), ('cortina', 1), ('distorted', 1), ('ou', 1), ('esy', 1), ('deviae', 1), ('protests', 1), ('notation', 1), ('jotting', 1), ('garlic', 1), ('weatherman', 1), ('commanded', 1), ('apliance', 1), ('quenn', 1), ('christina', 1), ('aguilera', 1), ('betta', 1), ('werk', 1), ('uri', 1), ('lullabys', 1), ('minions', 1), ('forcasts', 1), ('calendarschedule', 1), ('joys', 1), ('sequentially', 1), ('xxx', 1), ('potentially', 1), ('bat', 1), ('itpersonally', 1), ('resides', 1), ('revolutionized', 1), ('proactive', 1), ('viirtually', 1), ('vanity', 1), ('comply', 1), ('temper', 1), ('misunderstand', 1), ('mixing', 1), ('toyed', 1), ('contestants', 1), ('continiasly', 1), ('fustrating', 1), ('qvc', 1), ('capitol', 1), ('wows', 1), ('installquick', 1), ('brighten', 1), ('lightswitch', 1), ('arbitrarily', 1), ('radius', 1), ('nail', 1), ('incorporating', 1), ('refinement', 1), ('laces', 1), ('relentlessly', 1), ('congestion', 1), ('blip', 1), ('effectiveness', 1), ('coordinates', 1), ('contingencies', 1), ('kelly', 1), ('smar', 1), ('sdk', 1), ('sums', 1), ('unified', 1), ('culture', 1), ('milo', 1), ('triggering', 1), ('specificity', 1), ('ironman', 1), ('mouthful', 1), ('remodel', 1), ('ssids', 1), ('ssid', 1), ('cubs', 1), ('yielded', 1), ('failings', 1), ('wordy', 1), ('sengled', 1), ('pandera', 1), ('jeorardy', 1), ('afte', 1), ('technophile', 1), ('wheelchair', 1), ('funding', 1), ('mumble', 1), ('multile', 1), ('interactivity', 1), ('finder', 1), ('attaching', 1), ('homekit', 1), ('xx', 1), ('gymnastics', 1), ('yy', 1), ('swallow', 1), ('meager', 1), ('smartened', 1), ('showers', 1), ('stationed', 1), ('boeing', 1), ('alleged', 1), ('egregious', 1), ('transistor', 1), ('commodore', 1), ('1980', 1), ('slated', 1), ('gist', 1), ('depressing', 1), ('index', 1), ('mindfullness', 1), ('connectable', 1), ('charming', 1), ('conect', 1), ('softwares', 1), ('intervention', 1), ('lingering', 1), ('dork', 1), ('shill', 1), ('personification', 1), ('serena', 1), ('williams', 1), ('ruger', 1), ('maturity', 1), ('usre', 1), ('fuse', 1), ('scraping', 1), ('resupplying', 1), ('bugger', 1), ('withouto', 1), ('jeeves', 1), ('shhhtuff', 1), ('enhancement', 1), ('alongst', 1), ('pootering', 1), ('poot', 1), ('limbic', 1), ('activations', 1), ('rattle', 1), ('blaring', 1), ('cricket', 1), ('shaving', 1), ('rumors', 1), ('tomatoes', 1), ('eatin', 1), ('libraryfinds', 1), ('kitchens', 1), ('teller', 1), ('berlin', 1), ('resold', 1), ('musci', 1), ('subwoofer', 1), ('guts', 1), ('diapers', 1), ('kidsbop', 1), ('strategy', 1), ('unify', 1), ('spouserecommend', 1), ('pico', 1), ('clicked', 1), ('cree', 1), ('hugging', 1), ('bloodhound', 1), ('gang', 1), ('nowrealize', 1), ('iinput', 1), ('twiking', 1), ('portable2', 1), ('quality3', 1), ('texarkana', 1), ('timbuktu', 1), ('istanbul', 1), ('indianapolis', 1), ('jackson', 1), ('maiden', 1), ('frank', 1), ('sinatra', 1), ('pandorra', 1), ('limbaugh', 1), ('cataract', 1), ('surgeries', 1), ('acurate', 1), ('willl', 1), ('roundups', 1), ('withdrawn', 1), ('gretat', 1), ('invocations', 1), ('groaners', 1), ('comprehension', 1), ('onenote', 1), ('alexie', 1), ('saturn', 1), ('holley', 1), ('aboutjust', 1), ('alexacan', 1), ('streamlines', 1), ('jury', 1), ('analog', 1), ('questioning', 1), ('motives', 1), ('philps', 1), ('frontier', 1), ('buyin', 1), ('twas', 1), ('newcomer', 1), ('imply', 1), ('parlor', 1), ('sillly', 1), ('thee', 1), ('othe', 1), ('dawn', 1), ('steadfast', 1), ('echoi', 1), ('mindfulness', 1), ('bmw', 1), ('monthy', 1), ('efficent', 1), ('aand', 1), ('saveing', 1), ('toown', 1), ('tinker', 1), ('synopsis', 1), ('dropcam', 1), ('hackers', 1), ('spiffy', 1), ('checklists', 1), ('restate', 1), ('investigations', 1), ('teaming', 1), ('tchnology', 1), ('remedial', 1), ('vastly', 1), ('togethers', 1), ('bookseller', 1), ('addtoo', 1), ('trackers', 1), ('snooty', 1), ('inspiring', 1), ('gains', 1), ('fishtank', 1), ('tonmake', 1), ('echoing', 1), ('clap', 1), ('holler', 1), ('communicates', 1), ('marekting', 1), ('creative', 1), ('warriors', 1), ('simplisafe', 1), ('conected', 1), ('deserving', 1), ('themostat', 1), ('convienence', 1), ('warps', 1), ('snarky', 1), ('starshine', 1), ('norris', 1), ('endlessly', 1), ('bootleg', 1), ('cassette', 1), ('reconnected', 1), ('tun', 1), ('verbatim', 1), ('diction', 1), ('laziness', 1), ('weekswith', 1), ('comical', 1), ('searchable', 1), ('nosise', 1), ('silence', 1), ('mappable', 1), ('everyones', 1), ('amazion', 1), ('waters', 1), ('contestant', 1), ('weathergirl', 1), ('drug', 1), ('qulaity', 1), ('mamy', 1), ('pains', 1), ('allllll', 1), ('30am', 1), ('repositioned', 1), ('excells', 1), ('controolled', 1), ('kits', 1), ('exquisitely', 1), ('dorky', 1), ('echopros', 1), ('ueboom', 1), ('programed', 1), ('preexisting', 1), ('manchester', 1), ('pga', 1), ('robotic', 1), ('skynet', 1), ('embrace', 1), ('rape', 1), ('pets', 1), ('abused', 1), ('listin', 1), ('sink', 1), ('pso', 1), ('thinghere', 1), ('sopranos', 1), ('blahoverall', 1), ('revision', 1), ('shelving', 1), ('smatphone', 1), ('kno', 1), ('theme', 1), ('mixes', 1), ('redirect', 1), ('melt', 1), ('figuratively', 1), ('cas', 1), ('ta', 1), ('warrants', 1), ('refueling', 1), ('cells', 1), ('gratifying', 1), ('programmers', 1), ('rewording', 1), ('sked', 1), ('shocker', 1), ('floats', 1), ('5ft', 1), ('10w', 1), ('birth', 1), ('corrects', 1), ('disgrace', 1), ('blocky', 1), ('supplier', 1), ('narrower', 1), ('representatives', 1), ('discharge', 1), ('crooked', 1), ('padding', 1), ('shutter', 1), ('citron', 1), ('neon', 1), ('1of', 1), ('acceptably', 1), ('advantaged', 1), ('od', 1), ('500ma', 1), ('underhanded', 1), ('estimated', 1), ('oldie', 1), ('goodie', 1), ('pointy', 1), ('griendly', 1), ('distorts', 1), ('drm', 1), ('onternet', 1), ('kerplot', 1), ('gona', 1), ('pound', 1), ('eatching', 1), ('arthritic', 1), ('joints', 1), ('usefulto', 1), ('fount', 1), ('qwerks', 1), ('saturday', 1), ('letterbox', 1), ('prints', 1), ('scrolls', 1), ('dwarfs', 1), ('cream', 1), ('htey', 1), ('relacement', 1), ('disproportionate', 1), ('width', 1), ('abysmal', 1), ('yetfastestand', 1), ('screenis', 1), ('unimpressed', 1), ('activites', 1), ('aol', 1), ('bob', 1), ('jones', 1), ('perfectsound', 1), ('ittle', 1), ('timeit', 1), ('plants', 1), ('zombies', 1), ('enuf', 1), ('sinks', 1), ('spousal', 1), ('phne', 1), ('ph', 1), ('ne', 1), ('nikon', 1), ('sigma', 1), ('600mm', 1), ('dissecting', 1), ('d810', 1), ('territory', 1), ('upholstery', 1), ('stain', 1), ('woken', 1), ('announcement', 1), ('marino', 1), ('fishing', 1), ('usd150', 1), ('excess', 1), ('boughy', 1), ('alezxa', 1), ('rechargable', 1), ('joule', 1), ('outdside', 1), ('acoustics', 1), ('horoscope', 1), ('hut', 1), ('weary', 1), ('adoptor', 1), ('usefule', 1), ('guam', 1), ('instructio', 1), ('interconnected', 1), ('circlers', 1), ('dystopia', 1), ('eggers', 1), ('hail', 1), ('mids', 1), ('luke', 1), ('grille', 1), ('mesh', 1), ('grilles', 1), ('micrphones', 1), ('flex', 1), ('pits', 1), ('satchel', 1), ('andespn', 1), ('avarage', 1), ('uncanny', 1), ('yearbook', 1), ('printable', 1), ('thunder', 1), ('batterey', 1), ('worldwide', 1), ('eavsdropping', 1), ('peak', 1), ('cloth', 1), ('likenit', 1), ('forte', 1), ('surreptitiously', 1), ('portablebility', 1), ('lithium', 1), ('smartness', 1), ('paradigm', 1), ('greatdifficult', 1), ('sseems', 1), ('defeat', 1), ('inventions', 1), ('pf', 1), ('uh', 1), ('ohs', 1), ('mariachi', 1), ('colorado', 1), ('kdis', 1), ('ittt', 1), ('renders', 1), ('retrieves', 1), ('handsyou', 1), ('sweden', 1), ('portugal', 1), ('namesake', 1), ('decks', 1), ('claiming', 1), ('ruining', 1), ('ijnfo', 1), ('5star', 1), ('pill', 1), ('duly', 1), ('huuuge', 1), ('inna', 1), ('summon', 1), ('prouducts', 1), ('conpack', 1), ('tappy', 1), ('wast', 1), ('someways', 1), ('michael', 1), ('bolton', 1), ('bruce', 1), ('springsteen', 1), ('predicted', 1), ('unknowingly', 1), ('independant', 1), ('scratchy', 1), ('commandable', 1), ('coll', 1), ('graduated', 1), ('bemoaning', 1), ('tin', 1), ('balcony', 1), ('audiophiles', 1), ('fluke', 1), ('covenient', 1), ('cult', 1), ('trashing', 1), ('triby', 1), ('partnerships', 1), ('draugther', 1), ('ganes', 1), ('iceberg', 1), ('ruled', 1), ('cnet', 1), ('frustrations', 1), ('fot', 1), ('heaper', 1), ('repository', 1), ('booming', 1), ('bluetoothdecent', 1), ('instructive', 1), ('gatherings', 1), ('siriamazon', 1), ('alley', 1), ('heres', 1), ('muti', 1), ('amazement', 1), ('vis', 1), ('commandscons', 1), ('speakersoverall', 1), ('steup', 1), ('polish', 1), ('username', 1), ('riddance', 1), ('intall', 1), ('mny', 1), ('4000000', 1), ('vueso', 1), ('appscons', 1), ('cinemax', 1), ('marshmallow', 1), ('centricplease', 1), ('hd1', 1), ('dynamite', 1), ('expierence', 1), ('chromescast', 1), ('frist', 1), ('scripts', 1), ('temperamental', 1), ('appli', 1), ('progrant', 1), ('reconment', 1), ('grace', 1), ('valueble', 1), ('frend', 1), ('broughts', 1), ('smoothest', 1), ('infomercials', 1), ('hdhomerun', 1), ('outlandish', 1), ('supped', 1), ('saids', 1), ('producg', 1), ('bitstream', 1), ('atmos', 1), ('prison', 1), ('staggering', 1), ('offsprings', 1), ('syfy', 1), ('bogging', 1), ('races', 1), ('unsubscribe', 1), ('af', 1), ('wouldve', 1), ('attack', 1), ('sorround', 1), ('anotherone', 1), ('becuse', 1), ('brace', 1), ('waist', 1), ('tok', 1), ('hight', 1), ('reentering', 1), ('reconsider', 1), ('165', 1), ('unstoppable', 1), ('netfis', 1), ('andl', 1), ('relibility', 1), ('fealtures', 1), ('ffeature', 1), ('throught', 1), ('android2', 1), ('extensible', 1), ('nes', 1), ('snes', 1), ('zeus', 1), ('ives', 1), ('optikns', 1), ('structured', 1), ('steams', 1), ('schoolers', 1), ('watchlist', 1), ('mounted', 1), ('watchers', 1), ('perfetly', 1), ('corroded', 1), ('insidewe', 1), ('remoteskind', 1), ('collaborate', 1), ('anther', 1), ('blackhawk', 1), ('pout', 1), ('qualityonly', 1), ('showes', 1), ('congratulations', 1), ('blessup', 1), ('ppv', 1), ('bert', 1), ('mbs', 1), ('jodi', 1), ('greatdoes', 1), ('gamesalso', 1), ('vevo', 1), ('overheats', 1), ('iunstall', 1), ('compliant', 1), ('charlie', 1), ('clicky', 1), ('3streaming', 1), ('morealso', 1), ('chuggy', 1), ('devour', 1), ('pluge', 1), ('iv', 1), ('playroom', 1), ('suuuuuper', 1), ('delve', 1), ('quagmire', 1), ('mousepad', 1), ('exclusion', 1), ('voiced', 1), ('slgihtly', 1), ('pdif', 1), ('scard', 1), ('constraints', 1), ('upscaling', 1), ('unsmart', 1), ('planty', 1), ('streamin', 1), ('oomph', 1), ('primer', 1), ('diehard', 1), ('cw', 1), ('evrything', 1), ('zap', 1), ('programmings', 1), ('netflixi', 1), ('systym', 1), ('alexander', 1), ('workshould', 1), ('firend', 1), ('thrust', 1), ('passive', 1), ('60in', 1), ('hardline', 1), ('prominently', 1), ('nut', 1), ('heh', 1), ('outputs', 1), ('duper', 1), ('perfecto', 1), ('versility', 1), ('540', 1), ('subcriptions', 1), ('jist', 1), ('unbelievible', 1), ('freatures', 1), ('regulat', 1), ('footbal', 1), ('lockups', 1), ('mainstay', 1), ('taped', 1), ('reinvented', 1), ('willy', 1), ('gen2', 1), ('chocked', 1), ('gigantic', 1), ('osmo', 1), ('releived', 1), ('cleaned', 1), ('poweruser', 1), ('4000tv', 1), ('bugged', 1), ('regreted', 1), ('appel', 1), ('eh', 1), ('walahhh', 1), ('nerves', 1), ('tom', 1), ('centers', 1), ('film', 1), ('emphasizes', 1), ('tihs', 1), ('cordcutting', 1), ('clone', 1), ('esasy', 1), ('amonth', 1), ('1500', 1), ('redirected', 1), ('12mpb', 1), ('okk', 1), ('1958', 1), ('extraordinarily', 1), ('cabls', 1), ('greatproduct', 1), ('halpy', 1), ('experice', 1), ('sandwich', 1), ('daughterthere', 1), ('peck', 1), ('iton', 1), ('phasing', 1), ('lease', 1), ('goft', 1), ('moerits', 1), ('choked', 1), ('hick', 1), ('netfliz', 1), ('serach', 1), ('mpbs', 1), ('tamed', 1), ('andmy', 1), ('stall', 1), ('mitsubishi', 1), ('minimalist', 1), ('ungraded', 1), ('wastes', 1), ('proportioned', 1), ('cellophane', 1), ('hogjly', 1), ('plaform', 1), ('monstrosties', 1), ('storms', 1), ('outletsavailable', 1), ('cosmetically', 1), ('fullfill', 1), ('comparability', 1), ('versital', 1), ('resellers', 1), ('tapered', 1), ('somuch', 1), ('intenet', 1), ('x6', 1), ('grail', 1), ('mounting', 1), ('fairness', 1), ('insall', 1), ('tickets', 1), ('u450', 1), ('di', 1), ('criends', 1), ('irrelevant', 1), ('ni', 1), ('sizzled', 1), ('compability', 1), ('whatsover', 1), ('modifiable', 1), ('trump', 1), ('amateur', 1), ('feud', 1), ('firestck', 1), ('foxfire', 1), ('percentages', 1), ('recommened', 1), ('recient', 1), ('f8nd', 1), ('tradional', 1), ('firestorm', 1), ('absoutley', 1), ('lana', 1), ('cliche', 1), ('cery', 1), ('corresponds', 1), ('increment', 1), ('64x', 1), ('friendlyi', 1), ('solidified', 1), ('usenet', 1), ('kody', 1), ('laods', 1), ('quic', 1), ('screw', 1), ('havint', 1), ('sean', 1), ('tveasy', 1), ('strraming', 1), ('implementations', 1), ('refreshed', 1), ('replugging', 1), ('decreases', 1), ('becaus', 1), ('mobdro', 1), ('everythings', 1), ('dtn', 1), ('hull', 1), ('penthouse', 1), ('hustlers', 1), ('15mbps', 1), ('labels', 1), ('jusy', 1), ('pucture', 1), ('reproduce', 1), ('strings', 1), ('hahaha', 1), ('boxwish', 1), ('betterspeed', 1), ('pirates', 1), ('dvi', 1), ('amazonproducts', 1), ('facilitate', 1), ('alexathe', 1), ('rural', 1), ('fob', 1), ('0ghz', 1), ('idk', 1), ('alon', 1), ('sasy', 1), ('p65', 1), ('c1', 1), ('interms', 1), ('praises', 1), ('nividi', 1), ('hdd', 1), ('enforcing', 1), ('fwd', 1), ('vincent', 1), ('cody', 1), ('hallmark', 1), ('keboard', 1), ('xtra', 1), ('subscripton', 1), ('storageworth', 1), ('disadvantages', 1), ('steamer', 1), ('joystick', 1), ('gentleman', 1), ('wan', 1), ('weaker', 1), ('memberkodi', 1), ('retiree', 1), ('incorporates', 1), ('mist', 1), ('pluged', 1), ('patch', 1), ('flatscreen', 1), ('hq', 1), ('nexflix', 1), ('evil', 1), ('nefarious', 1), ('empire', 1), ('subjected', 1), ('fret', 1), ('exorbitant', 1), ('contracts', 1), ('giants', 1), ('unecessary', 1), ('navagating', 1), ('ells', 1), ('indefinitely', 1), ('insanly', 1), ('eith', 1), ('sixty', 1), ('diligence', 1), ('entirety', 1), ('loophole', 1), ('chunks', 1), ('mindlessly', 1), ('liberating', 1), ('mackbook', 1), ('airs', 1), ('tvsi', 1), ('modding', 1), ('sexy', 1), ('nitpick', 1), ('preferable', 1), ('wookie', 1), ('beausbuild', 1), ('okc', 1), ('saud', 1), ('firesticktv', 1), ('50mbps', 1), ('infrequent', 1), ('transform', 1), ('sofar', 1), ('turkey', 1), ('accommodates', 1), ('use6', 1), ('graphics7', 1), ('dislikes', 1), ('provision', 1), ('2x', 1), ('boxee', 1), ('onable', 1), ('collects', 1), ('controler', 1), ('domestic', 1), ('ch', 1), ('b4', 1), ('firstly', 1), ('dived', 1), ('heartedly', 1), ('aesthetically', 1), ('appreciating', 1), ('inabled', 1), ('preconfigured', 1), ('xiaomi', 1), ('cheaping', 1), ('crazed', 1), ('videophile', 1), ('overpaying', 1), ('abort', 1), ('kodiak', 1), ('dreaming', 1), ('korea', 1), ('100mbps', 1), ('hungry', 1), ('saturated', 1), ('ween', 1), ('acquaintances', 1), ('ooma', 1), ('legit', 1), ('qwerty', 1), ('mlbtv', 1), ('cuddling', 1), ('fred', 1), ('bracket', 1), ('advirtized', 1), ('ithighly', 1), ('alexus', 1), ('weve', 1), ('locals', 1), ('slanted', 1), ('entitled', 1), ('organizes', 1), ('tubes', 1), ('privilege', 1), ('sheild', 1), ('turbomode', 1), ('hologram', 1), ('amaxom', 1), ('snow', 1), ('acceleration', 1), ('h264', 1), ('sideloads', 1), ('microsdhc', 1), ('dismal', 1), ('customizeable', 1), ('portland', 1), ('phoenix', 1), ('summarizes', 1), ('10it', 1), ('ridding', 1), ('rj', 1), ('myrtle', 1), ('downsizing', 1), ('flexibilitymore', 1), ('greenlight', 1), ('buzz', 1), ('onced', 1), ('rattles', 1), ('neflx', 1), ('recover', 1), ('onward', 1), ('awesomeur', 1), ('whever', 1), ('boxing', 1), ('snot', 1), ('lookout', 1), ('30hz', 1), ('urself', 1), ('coast', 1), ('puerto', 1), ('rico', 1), ('bil', 1), ('avenues', 1), ('mange', 1), ('mot', 1), ('ventures', 1), ('reagy', 1), ('oversees', 1), ('fxnow', 1), ('209', 1), ('androidtv', 1), ('framework', 1), ('crossy', 1), ('divine', 1), ('flowing', 1), ('superfast', 1), ('sameproblems', 1), ('goldengate', 1), ('sybase', 1), ('ik', 1), ('cabable', 1), ('nefflix', 1), ('chucks', 1), ('msnufactures', 1), ('acquisition', 1), ('ina', 1), ('fmily', 1), ('discontinuing', 1), ('prevented', 1), ('stud', 1), ('thatn', 1), ('indirect', 1), ('tivi', 1), ('poeerfyul', 1), ('fastet', 1), ('servise', 1), ('waranty', 1), ('racked', 1), ('passthough', 1), ('iq', 1), ('frustrate', 1), ('opitions', 1), ('avon', 1), ('indiana', 1), ('ted', 1), ('deprogrammed', 1), ('preachers', 1), ('broadcasters', 1), ('sometimesnot', 1), ('authorization', 1), ('entratainment', 1), ('micsosd', 1), ('prodigious', 1), ('beatprice', 1), ('valuehighly', 1), ('neigbor', 1), ('processed', 1), ('bridged', 1), ('weakens', 1), ('subtitles', 1), ('100m', 1), ('finnicky', 1), ('tended', 1), ('transforming', 1), ('administrator', 1), ('yankees', 1), ('650', 1), ('andcis', 1), ('acorn', 1), ('british', 1), ('productions', 1), ('tunable', 1), ('immediatel', 1), ('llocation', 1), ('tetevision', 1), ('ownpro', 1), ('setupapp', 1), ('choicesability', 1), ('appsalexa', 1), ('integrationcon', 1), ('roku3', 1), ('distinguishing', 1), ('le', 1), ('yoi', 1), ('lmovies', 1), ('cutomize', 1), ('clams', 1), ('labor', 1), ('itune', 1), ('25mbps', 1), ('advises', 1), ('eligible', 1), ('cleanest', 1), ('svc', 1), ('layers', 1), ('authentication', 1), ('grea', 1), ('defusing', 1), ('jn', 1), ('audios', 1), ('apocalypse', 1), ('commenting', 1), ('goood', 1), ('dlna', 1), ('crashing', 1), ('spreed', 1), ('dualcore', 1), ('1299', 1), ('1275', 1), ('havei', 1), ('hulk', 1), ('thear', 1), ('optio', 1), ('onetime', 1), ('usking', 1), ('visio', 1), ('profound', 1), ('80mps', 1), ('royalist', 1), ('centerpoint', 1), ('pusrchases', 1), ('kiddish', 1), ('tomany', 1), ('heated', 1), ('han', 1), ('otis', 1), ('mend', 1), ('vising', 1), ('interestingly', 1), ('libray', 1), ('regrettable', 1), ('attended', 1), ('cursor', 1), ('eathernet', 1), ('abandoning', 1), ('againhave', 1), ('concil', 1), ('fellow', 1), ('bananas', 1), ('pointer', 1), ('systemes', 1), ('replacedvoice', 1), ('madeno', 1), ('featurestill', 1), ('telly', 1), ('capped', 1), ('peripheral', 1), ('aethetic', 1), ('bouth', 1), ('thn', 1), ('stampede', 1), ('ott', 1), ('adfter', 1), ('duplicates', 1), ('aweomse', 1), ('throttling', 1), ('amazn', 1), ('allowes', 1), ('everyhting', 1), ('allied', 1), ('magnolia', 1), ('standardize', 1), ('chews', 1), ('soccer', 1), ('lacrosse', 1), ('3mb', 1), ('720', 1), ('tranfer', 1), ('ruko', 1), ('multimedia', 1), ('woujld', 1), ('perferomance', 1), ('wor', 1), ('anniversaries', 1), ('blaze', 1), ('occurrence', 1), ('ihave', 1), ('goodi', 1), ('affecting', 1), ('downcovert', 1), ('legacy', 1), ('perpose', 1), ('strean', 1), ('ming', 1), ('brighthouse', 1), ('frieds', 1), ('device4000', 1), ('nicegreat', 1), ('supportnegative', 1), ('cach', 1), ('tgey', 1), ('mantle', 1), ('remort', 1), ('controll', 1), ('retuned', 1), ('forgone', 1), ('vc', 1), ('thirt', 1), ('stady', 1), ('tales', 1), ('borderlands', 1), ('combat', 1), ('knights', 1), ('republic', 1), ('qlty', 1), ('docsis', 1), ('gbox', 1), ('wd', 1), ('immovable', 1), ('scaring', 1), ('spotted', 1), ('glimpse', 1), ('spinning', 1), ('blood', 1), ('rises', 1), ('minority', 1), ('yanked', 1), ('acquired', 1), ('uhdtv', 1), ('fulfiled', 1), ('forefront', 1), ('thief', 1), ('mercy', 1), ('infra', 1), ('remot', 1), ('ud', 1), ('sourced', 1), ('preditable', 1), ('vig', 1), ('seeems', 1), ('overview', 1), ('livetv', 1), ('discplayer', 1), ('aliza', 1), ('ignorance', 1), ('dimension', 1), ('forgiving', 1), ('biggy', 1), ('3mbps', 1), ('treating', 1), ('fite', 1), ('assignment', 1), ('yamaha', 1), ('routers', 1), ('setuphttps', 1), ('github', 1), ('sphinx02', 1), ('28only', 1), ('bes', 1), ('grunt', 1), ('afforable', 1), ('unplayable', 1), ('reciprocate', 1), ('karaoke', 1), ('sock', 1), ('hest', 1), ('generator', 1), ('circles', 1), ('modded', 1), ('recordings', 1), ('bolt', 1), ('tweets', 1), ('productthe', 1), ('buyback', 1), ('erthernet', 1), ('arte', 1), ('goodwork', 1), ('transcoded', 1), ('cinch', 1), ('rediculously', 1), ('zipper', 1), ('charities', 1), ('108', 1), ('jailbreaker', 1), ('jb', 1), ('amazonfire', 1), ('lockup', 1), ('40x', 1), ('nationwide', 1), ('hdhomerrun', 1), ('demos', 1), ('mxiii', 1), ('ouya', 1), ('automaticly', 1), ('tittle', 1), ('tvos', 1), ('strem', 1), ('agreed', 1), ('sticksbut', 1), ('suppirior', 1), ('compitetive', 1), ('thinj', 1), ('primeits', 1), ('tick', 1), ('crispness', 1), ('farm', 1), ('clearstream', 1), ('sjdhfhdhhsjx', 1), ('flies', 1), ('beep', 1), ('drama', 1), ('fever', 1), ('proofed', 1), ('documentaries', 1), ('cycling', 1), ('endorsement', 1), ('unexceptionable', 1), ('ypu', 1), ('newbies', 1), ('mediacom', 1), ('accessable', 1), ('cinema', 1), ('nutt', 1), ('minuses', 1), ('exhibits', 1), ('fluent', 1), ('iream', 1), ('extenders', 1), ('convienece', 1), ('wel', 1), ('prepay', 1), ('sweetest', 1), ('zelda', 1), ('chanels', 1), ('perpetual', 1), ('recoverable', 1), ('soured', 1), ('additon', 1), ('canle', 1), ('vueing', 1), ('exelente', 1), ('smarttvs', 1), ('stucked', 1), ('commend', 1), ('jitter', 1), ('caption', 1), ('moded', 1), ('tvits', 1), ('impose', 1), ('65mbps', 1), ('264', 1), ('hi10p', 1), ('decoded', 1), ('coded', 1), ('bitrate', 1), ('cpus', 1), ('spike', 1), ('44', 1), ('agnostic', 1), ('presented', 1), ('disappointedpros', 1), ('slotcons', 1), ('maximal', 1), ('posible', 1), ('firetv1', 1), ('firetv2', 1), ('serials', 1), ('additive', 1), ('sucker', 1), ('2also', 1), ('aint', 1), ('ht', 1), ('boingo', 1), ('girts', 1), ('bufferinggreat', 1), ('qualityendless', 1), ('programmingif', 1), ('appl', 1), ('kart', 1), ('donkey', 1), ('kong', 1), ('centierpede', 1), ('onscreen', 1), ('inputing', 1), ('dfficult', 1), ('idevice', 1), ('pbskids', 1), ('182', 1), ('offload', 1), ('sreaming', 1), ('gaget', 1), ('reinsert', 1), ('emitting', 1), ('diode', 1), ('shotty', 1), ('noone', 1), ('programmes', 1), ('thang', 1), ('astetically', 1), ('boa', 1), ('occasionly', 1), ('smarttv', 1), ('mos', 1), ('timewarner', 1), ('alllow', 1), ('appletvs', 1), ('permeated', 1), ('rectify', 1), ('mystical', 1), ('lamented', 1), ('unskilled', 1), ('wayyy', 1), ('jokingly', 1), ('proceeded', 1), ('forgo', 1), ('cablecutters', 1), ('mopping', 1), ('cinderella', 1), ('mei', 1), ('demographic', 1), ('thirties', 1), ('partying', 1), ('suburban', 1), ('hdml', 1), ('instants', 1), ('scarce', 1), ('flyovers', 1), ('dx2', 1), ('graphite', 1), ('fidgety', 1), ('accidentlly', 1), ('cased', 1), ('summing', 1), ('comfortthis', 1), ('unfolded', 1), ('timethe', 1), ('neglegible', 1), ('has5', 1), ('indicates', 1), ('unintentionally', 1), ('problemcon', 1), ('overstock', 1), ('itself2', 1), ('untouched', 1), ('firt', 1), ('lend', 1), ('handsome', 1), ('tug', 1), ('bubbled', 1), ('moisture', 1), ('framewhere', 1), ('problembut', 1), ('uncluttered', 1), ('9in', 1), ('seperately', 1), ('hdxs', 1), ('wattage', 1), ('cheapens', 1), ('erodes', 1), ('mk', 1), ('descriptions', 1), ('appreciably', 1), ('adjacent', 1), ('chargerit', 1), ('cheapness', 1), ('failerd', 1), ('subsequent', 1), ('disposed', 1), ('sprint', 1), ('htc', 1), ('anthing', 1), ('greedy', 1)]\n" ] } ], "source": [ "print(sorted(tokenizer.word_counts.items(), key=lambda x: x[1], reverse=True))\n" ] }, { "cell_type": "code", "execution_count": 16, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "1\n", "2\n", "3\n", "4\n", "5\n", "6\n", "7\n", "8\n", "9\n", "10\n", "11\n", "12\n", "13\n", "14\n", "15\n", "16\n", "17\n", "18\n", "19\n", "20\n", "21\n", "22\n", "23\n", "24\n", "25\n", "26\n", "27\n", "28\n", "29\n", "30\n", "31\n", "32\n", "33\n", "34\n", "35\n", "36\n", "37\n", "38\n", "39\n", "40\n", "41\n", "42\n", "43\n", "44\n", "45\n", "46\n", "47\n", "48\n", "49\n", "50\n", "51\n", "52\n", "53\n", "54\n", "55\n", "56\n", "57\n", "58\n", "59\n", "60\n", "61\n", "62\n", "63\n", "64\n", "65\n", "66\n", "67\n", "68\n", "69\n", "70\n", "71\n", "72\n", "73\n", "74\n", "75\n", "76\n", "77\n", "78\n", "79\n", "80\n", "81\n", "82\n", "83\n", "84\n", "85\n", "86\n", "87\n", "88\n", "89\n", "90\n", "91\n", "92\n", "93\n", "94\n", "95\n", "96\n", "97\n", "98\n", "99\n", "100\n", "101\n", "102\n", "103\n", "104\n", "105\n", "106\n", "107\n", "108\n", "109\n", "110\n", "111\n", "112\n", "113\n", "114\n", "115\n", "116\n", "117\n", "118\n", "119\n", "120\n", "121\n", "122\n", "123\n", "124\n", "125\n", "126\n", "127\n", "128\n", "129\n", "130\n", "131\n", "132\n", "133\n", "134\n", "135\n", "136\n", "137\n", "138\n", "139\n", "140\n", "141\n", "142\n", "143\n", "144\n", "145\n", "146\n", "147\n", "148\n", "149\n", "150\n", "151\n", "152\n", "153\n", "154\n", "155\n", "156\n", "157\n", "158\n", "159\n", "160\n", "161\n", "162\n", "163\n", "164\n", "165\n", "166\n", "167\n", "168\n", "169\n", "170\n", "171\n", "172\n", "173\n", "174\n", "175\n", "176\n", "177\n", "178\n", "179\n", "180\n", "181\n", "182\n", "183\n", "184\n", "185\n", "186\n", "187\n", "188\n", "189\n", "190\n", "191\n", "192\n", "193\n", "194\n", "195\n", "196\n", "197\n", "198\n", "199\n", "200\n", "201\n", "202\n", "203\n", "204\n", "205\n", "206\n", "207\n", "208\n", "209\n", "210\n", "211\n", "212\n", "213\n", "214\n", "215\n", "216\n", "217\n", "218\n", "219\n", "220\n", "221\n", "222\n", "223\n", "224\n", "225\n", "226\n", "227\n", "228\n", "229\n", "230\n", "231\n", "232\n", "233\n", "234\n", "235\n", "236\n", "237\n", "238\n", "239\n", "240\n", "241\n", "242\n", "243\n", "244\n", "245\n", "246\n", "247\n", "248\n", "249\n", "250\n", "251\n", "252\n", "253\n", "254\n", "255\n", "256\n", "257\n", "258\n", "259\n", "260\n", "261\n", "262\n", "263\n", "264\n", "265\n", "266\n", "267\n", "268\n", "269\n", "270\n", "271\n", "272\n", "273\n", "274\n", "275\n", "276\n", "277\n", "278\n", "279\n", "280\n", "281\n", "282\n", "283\n", "284\n", "285\n", "286\n", "287\n", "288\n", "289\n", "290\n", "291\n", "292\n", "293\n", "294\n", "295\n", "296\n", "297\n", "298\n", "299\n", "300\n", "301\n", "302\n", "303\n", "304\n", "305\n", "306\n", "307\n", "308\n", "309\n", "310\n", "311\n", "312\n", "313\n", "314\n", "315\n", "316\n", "317\n", "318\n", "319\n", "320\n", "321\n", "322\n", "323\n", "324\n", "325\n", "326\n", "327\n", "328\n", "329\n", "330\n", "331\n", "332\n", "333\n", "334\n", "335\n", "336\n", "337\n", "338\n", "339\n", "340\n", "341\n", "342\n", "343\n", "344\n", "345\n", "346\n", "347\n", "348\n", "349\n", "350\n", "351\n", "352\n", "353\n", "354\n", "355\n", "356\n", "357\n", "358\n", "359\n", "360\n", "361\n", "362\n", "363\n", "364\n", "365\n", "366\n", "367\n", "368\n", "369\n", "370\n", "371\n", "372\n", "373\n", "374\n", "375\n", "376\n", "377\n", "378\n", "379\n", "380\n", "381\n", "382\n", "383\n", "384\n", "385\n", "386\n", "387\n", "388\n", "389\n", "390\n", "391\n", "392\n", "393\n", "394\n", "395\n", "396\n", "397\n", "398\n", "399\n", "400\n", "401\n", "402\n", "403\n", "404\n", "405\n", "406\n", "407\n", "408\n", "409\n", "410\n", "411\n", "412\n", "413\n", "414\n", "415\n", "416\n", "417\n", "418\n", "419\n", "420\n", "421\n", "422\n", "423\n", "424\n", "425\n", "426\n", "427\n", "428\n", "429\n", "430\n", "431\n", "432\n", "433\n", "434\n", "435\n", "436\n", "437\n", "438\n", "439\n", "440\n", "441\n", "442\n", "443\n", "444\n", "445\n", "446\n", "447\n", "448\n", "449\n", "450\n", "451\n", "452\n", "453\n", "454\n", "455\n", "456\n", "457\n", "458\n", "459\n", "460\n", "461\n", "462\n", "463\n", "464\n", "465\n", "466\n", "467\n", "468\n", "469\n", "470\n", "471\n", "472\n", "473\n", "474\n", "475\n", "476\n", "477\n", "478\n", "479\n", "480\n", "481\n", "482\n", "483\n", "484\n", "485\n", "486\n", "487\n", "488\n", "489\n", "490\n", "491\n", "492\n", "493\n", "494\n", "495\n", "496\n", "497\n", "498\n", "499\n", "500\n", "501\n", "502\n", "503\n", "504\n", "505\n", "506\n", "507\n", "508\n", "509\n", "510\n", "511\n", "512\n", "513\n", "514\n", "515\n", "516\n", "517\n", "518\n", "519\n", "520\n", "521\n", "522\n", "523\n", "524\n", "525\n", "526\n", "527\n", "528\n", "529\n", "530\n", "531\n", "532\n", "533\n", "534\n", "535\n", "536\n", "537\n", "538\n", "539\n", "540\n", "541\n", "542\n", "543\n", "544\n", "545\n", "546\n", "547\n", "548\n", "549\n", "550\n", "551\n", "552\n", "553\n", "554\n", "555\n", "556\n", "557\n", "558\n", "559\n", "560\n", "561\n", "562\n", "563\n", "564\n", "565\n", "566\n", "567\n", "568\n", "569\n", "570\n", "571\n", "572\n", "573\n", "574\n", "575\n", "576\n", "577\n", "578\n", "579\n", "580\n", "581\n", "582\n", "583\n", "584\n", "585\n", "586\n", "587\n", "588\n", "589\n", "590\n", "591\n", "592\n", "593\n", "594\n", "595\n", "596\n", "597\n", "598\n", "599\n", "600\n", "601\n", "602\n", "603\n", "604\n", "605\n", "606\n", "607\n", "608\n", "609\n", "610\n", "611\n", "612\n", "613\n", "614\n", "615\n", "616\n", "617\n", "618\n", "619\n", "620\n", "621\n", "622\n", "623\n", "624\n", "625\n", "626\n", "627\n", "628\n", "629\n", "630\n", "631\n", "632\n", "633\n", "634\n", "635\n", "636\n", "637\n", "638\n", "639\n", "640\n", "641\n", "642\n", "643\n", "644\n", "645\n", "646\n", "647\n", "648\n", "649\n", "650\n", "651\n", "652\n", "653\n", "654\n", "655\n", "656\n", "657\n", "658\n", "659\n", "660\n", "661\n", "662\n", "663\n", "664\n", "665\n", "666\n", "667\n", "668\n", "669\n", "670\n", "671\n", "672\n", "673\n", "674\n", "675\n", "676\n", "677\n", "678\n", "679\n", "680\n", "681\n", "682\n", "683\n", "684\n", "685\n", "686\n", "687\n", "688\n", "689\n", "690\n", "691\n", "692\n", "693\n", "694\n", "695\n", "696\n", "697\n", "698\n", "699\n", "700\n", "701\n", "702\n", "703\n", "704\n", "705\n", "706\n", "707\n", "708\n", "709\n", "710\n", "711\n", "712\n", "713\n", "714\n", "715\n", "716\n", "717\n", "718\n", "719\n", "720\n", "721\n", "722\n", "723\n", "724\n", "725\n", "726\n", "727\n", "728\n", "729\n", "730\n", "731\n", "732\n", "733\n", "734\n", "735\n", "736\n", "737\n", "738\n", "739\n", "740\n", "741\n", "742\n", "743\n", "744\n", "745\n", "746\n", "747\n", "748\n", "749\n", "750\n", "751\n", "752\n", "753\n", "754\n", "755\n", "756\n", "757\n", "758\n", "759\n", "760\n", "761\n", "762\n", "763\n", "764\n", "765\n", "766\n", "767\n", "768\n", "769\n", "770\n", "771\n", "772\n", "773\n", "774\n", "775\n", "776\n", "777\n", "778\n", "779\n", "780\n", "781\n", "782\n", "783\n", "784\n", "785\n", "786\n", "787\n", "788\n", "789\n", "790\n", "791\n", "792\n", "793\n", "794\n", "795\n", "796\n", "797\n", "798\n", "799\n", "800\n", "801\n", "802\n", "803\n", "804\n", "805\n", "806\n", "807\n", "808\n", "809\n", "810\n", "811\n", "812\n", "813\n", "814\n", "815\n", "816\n", "817\n", "818\n", "819\n", "820\n", "821\n", "822\n", "823\n", "824\n", "825\n", "826\n", "827\n", "828\n", "829\n", "830\n", "831\n", "832\n", "833\n", "834\n", "835\n", "836\n", "837\n", "838\n", "839\n", "840\n", "841\n", "842\n", "843\n", "844\n", "845\n", "846\n", "847\n", "848\n", "849\n", "850\n", "851\n", "852\n", "853\n", "854\n", "855\n", "856\n", "857\n", "858\n", "859\n", "860\n", "861\n", "862\n", "863\n", "864\n", "865\n", "866\n", "867\n", "868\n", "869\n", "870\n", "871\n", "872\n", "873\n", "874\n", "875\n", "876\n", "877\n", "878\n", "879\n", "880\n", "881\n", "882\n", "883\n", "884\n", "885\n", "886\n", "887\n", "888\n", "889\n", "890\n", "891\n", "892\n", "893\n", "894\n", "895\n", "896\n", "897\n", "898\n", "899\n", "900\n", "901\n", "902\n", "903\n", "904\n", "905\n", "906\n", "907\n", "908\n", "909\n", "910\n", "911\n", "912\n", "913\n", "914\n", "915\n", "916\n", "917\n", "918\n", "919\n", "920\n", "921\n", "922\n", "923\n", "924\n", "925\n", "926\n", "927\n", "928\n", "929\n", "930\n", "931\n", "932\n", "933\n", "934\n", "935\n", "936\n", "937\n", "938\n", "939\n", "940\n", "941\n", "942\n", "943\n", "944\n", "945\n", "946\n", "947\n", "948\n", "949\n", "950\n", "951\n", "952\n", "953\n", "954\n", "955\n", "956\n", "957\n", "958\n", "959\n", "960\n", "961\n", "962\n", "963\n", "964\n", "965\n", "966\n", "967\n", "968\n", "969\n", "970\n", "971\n", "972\n", "973\n", "974\n", "975\n", "976\n", "977\n", "978\n", "979\n", "980\n", "981\n", "982\n", "983\n", "984\n", "985\n", "986\n", "987\n", "988\n", "989\n", "990\n", "991\n", "992\n", "993\n", "994\n", "995\n", "996\n", "997\n", "998\n", "999\n", "1000\n", "1001\n", "1002\n", "1003\n", "1004\n", "1005\n", "1006\n", "1007\n", "1008\n", "1009\n", "1010\n", "1011\n", "1012\n", "1013\n", "1014\n", "1015\n", "1016\n", "1017\n", "1018\n", "1019\n", "1020\n", "1021\n", "1022\n", "1023\n", "1024\n", "1025\n", "1026\n", "1027\n", "1028\n", "1029\n", "1030\n", "1031\n", "1032\n", "1033\n", "1034\n", "1035\n", "1036\n", "1037\n", "1038\n", "1039\n", "1040\n", "1041\n", "1042\n", "1043\n", "1044\n", "1045\n", "1046\n", "1047\n", "1048\n", "1049\n", "1050\n", "1051\n", "1052\n", "1053\n", "1054\n", "1055\n", "1056\n", "1057\n", "1058\n", "1059\n", "1060\n", "1061\n", "1062\n", "1063\n", "1064\n", "1065\n", "1066\n", "1067\n", "1068\n", "1069\n", "1070\n", "1071\n", "1072\n", "1073\n", "1074\n", "1075\n", "1076\n", "1077\n", "1078\n", "1079\n", "1080\n", "1081\n", "1082\n", "1083\n", "1084\n", "1085\n", "1086\n", "1087\n", "1088\n", "1089\n", "1090\n", "1091\n", "1092\n", "1093\n", "1094\n", "1095\n", "1096\n", "1097\n", "1098\n", "1099\n", "1100\n", "1101\n", "1102\n", "1103\n", "1104\n", "1105\n", "1106\n", "1107\n", "1108\n", "1109\n", "1110\n", "1111\n", "1112\n", "1113\n", "1114\n", "1115\n", "1116\n", "1117\n", "1118\n", "1119\n", "1120\n", "1121\n", "1122\n", "1123\n", "1124\n", "1125\n", "1126\n", "1127\n", "1128\n", "1129\n", "1130\n", "1131\n", "1132\n", "1133\n", "1134\n", "1135\n", "1136\n", "1137\n", "1138\n", "1139\n", "1140\n", "1141\n", "1142\n", "1143\n", "1144\n", "1145\n", "1146\n", "1147\n", "1148\n", "1149\n", "1150\n", "1151\n", "1152\n", "1153\n", "1154\n", "1155\n", "1156\n", "1157\n", "1158\n", "1159\n", "1160\n", "1161\n", "1162\n", "1163\n", "1164\n", "1165\n", "1166\n", "1167\n", "1168\n", "1169\n", "1170\n", "1171\n", "1172\n", "1173\n", "1174\n", "1175\n", "1176\n", "1177\n", "1178\n", "1179\n", "1180\n", "1181\n", "1182\n", "1183\n", "1184\n", "1185\n", "1186\n", "1187\n", "1188\n", "1189\n", "1190\n", "1191\n", "1192\n", "1193\n", "1194\n", "1195\n", "1196\n", "1197\n", "1198\n", "1199\n", "1200\n", "1201\n", "1202\n", "1203\n", "1204\n", "1205\n", "1206\n", "1207\n", "1208\n", "1209\n", "1210\n", "1211\n", "1212\n", "1213\n", "1214\n", "1215\n", "1216\n", "1217\n", "1218\n", "1219\n", "1220\n", "1221\n", "1222\n", "1223\n", "1224\n", "1225\n", "1226\n", "1227\n", "1228\n", "1229\n", "1230\n", "1231\n", "1232\n", "1233\n", "1234\n", "1235\n", "1236\n", "1237\n", "1238\n", "1239\n", "1240\n", "1241\n", "1242\n", "1243\n", "1244\n", "1245\n", "1246\n", "1247\n", "1248\n", "1249\n", "1250\n", "1251\n", "1252\n", "1253\n", "1254\n", "1255\n", "1256\n", "1257\n", "1258\n", "1259\n", "1260\n", "1261\n", "1262\n", "1263\n", "1264\n", "1265\n", "1266\n", "1267\n", "1268\n", "1269\n", "1270\n", "1271\n", "1272\n", "1273\n", "1274\n", "1275\n", "1276\n", "1277\n", "1278\n", "1279\n", "1280\n", "1281\n", "1282\n", "1283\n", "1284\n", "1285\n", "1286\n", "1287\n", "1288\n", "1289\n", "1290\n", "1291\n", "1292\n", "1293\n", "1294\n", "1295\n", "1296\n", "1297\n", "1298\n", "1299\n", "1300\n", "1301\n", "1302\n", "1303\n", "1304\n", "1305\n", "1306\n", "1307\n", "1308\n", "1309\n", "1310\n", "1311\n", "1312\n", "1313\n", "1314\n", "1315\n", "1316\n", "1317\n", "1318\n", "1319\n", "1320\n", "1321\n", "1322\n", "1323\n", "1324\n", "1325\n", "1326\n", "1327\n", "1328\n", "1329\n", "1330\n", "1331\n", "1332\n", "1333\n", "1334\n", "1335\n", "1336\n", "1337\n", "1338\n", "1339\n", "1340\n", "1341\n", "1342\n", "1343\n", "1344\n", "1345\n", "1346\n", "1347\n", "1348\n", "1349\n", "1350\n", "1351\n", "1352\n", "1353\n", "1354\n", "1355\n", "1356\n", "1357\n", "1358\n", "1359\n", "1360\n", "1361\n", "1362\n", "1363\n", "1364\n", "1365\n", "1366\n", "1367\n", "1368\n", "1369\n", "1370\n", "1371\n", "1372\n", "1373\n", "1374\n", "1375\n", "1376\n", "1377\n", "1378\n", "1379\n", "1380\n", "1381\n", "1382\n", "1383\n", "1384\n", "1385\n", "1386\n", "1387\n", "1388\n", "1389\n", "1390\n", "1391\n", "1392\n", "1393\n", "1394\n", "1395\n", "1396\n", "1397\n", "1398\n", "1399\n", "1400\n", "1401\n", "1402\n", "1403\n", "1404\n", "1405\n", "1406\n", "1407\n", "1408\n", "1409\n", "1410\n", "1411\n", "1412\n", "1413\n", "1414\n", "1415\n", "1416\n", "1417\n", "1418\n", "1419\n", "1420\n", "1421\n", "1422\n", "1423\n", "1424\n", "1425\n", "1426\n", "1427\n", "1428\n", "1429\n", "1430\n", "1431\n", "1432\n", "1433\n", "1434\n", "1435\n", "1436\n", "1437\n", "1438\n", "1439\n", "1440\n", "1441\n", "1442\n", "1443\n", "1444\n", "1445\n", "1446\n", "1447\n", "1448\n", "1449\n", "1450\n", "1451\n", "1452\n", "1453\n", "1454\n", "1455\n", "1456\n", "1457\n", "1458\n", "1459\n", "1460\n", "1461\n", "1462\n", "1463\n", "1464\n", "1465\n", "1466\n", "1467\n", "1468\n", "1469\n", "1470\n", "1471\n", "1472\n", "1473\n", "1474\n", "1475\n", "1476\n", "1477\n", "1478\n", "1479\n", "1480\n", "1481\n", "1482\n", "1483\n", "1484\n", "1485\n", "1486\n", "1487\n", "1488\n", "1489\n", "1490\n", "1491\n", "1492\n", "1493\n", "1494\n", "1495\n", "1496\n", "1497\n", "1498\n", "1499\n", "1500\n", "1501\n", "1502\n", "1503\n", "1504\n", "1505\n", "1506\n", "1507\n", "1508\n", "1509\n", "1510\n", "1511\n", "1512\n", "1513\n", "1514\n", "1515\n", "1516\n", "1517\n", "1518\n", "1519\n", "1520\n", "1521\n", "1522\n", "1523\n", "1524\n", "1525\n", "1526\n", "1527\n", "1528\n", "1529\n", "1530\n", "1531\n", "1532\n", "1533\n", "1534\n", "1535\n", "1536\n", "1537\n", "1538\n", "1539\n", "1540\n", "1541\n", "1542\n", "1543\n", "1544\n", "1545\n", "1546\n", "1547\n", "1548\n", "1549\n", "1550\n", "1551\n", "1552\n", "1553\n", "1554\n", "1555\n", "1556\n", "1557\n", "1558\n", "1559\n", "1560\n", "1561\n", "1562\n", "1563\n", "1564\n", "1565\n", "1566\n", "1567\n", "1568\n", "1569\n", "1570\n", "1571\n", "1572\n", "1573\n", "1574\n", "1575\n", "1576\n", "1577\n", "1578\n", "1579\n", "1580\n", "1581\n", "1582\n", "1583\n", "1584\n", "1585\n", "1586\n", "1587\n", "1588\n", "1589\n", "1590\n", "1591\n", "1592\n", "1593\n", "1594\n", "1595\n", "1596\n", "1597\n", "1598\n", "1599\n", "1600\n", "1601\n", "1602\n", "1603\n", "1604\n", "1605\n", "1606\n", "1607\n", "1608\n", "1609\n", "1610\n", "1611\n", "1612\n", "1613\n", "1614\n", "1615\n", "1616\n", "1617\n", "1618\n", "1619\n", "1620\n", "1621\n", "1622\n", "1623\n", "1624\n", "1625\n", "1626\n", "1627\n", "1628\n", "1629\n", "1630\n", "1631\n", "1632\n", "1633\n", "1634\n", "1635\n", "1636\n", "1637\n", "1638\n", "1639\n", "1640\n", "1641\n", "1642\n", "1643\n", "1644\n", "1645\n", "1646\n", "1647\n", "1648\n", "1649\n", "1650\n", "1651\n", "1652\n", "1653\n", "1654\n", "1655\n", "1656\n", "1657\n", "1658\n", "1659\n", "1660\n", "1661\n", "1662\n", "1663\n", "1664\n", "1665\n", "1666\n", "1667\n", "1668\n", "1669\n", "1670\n", "1671\n", "1672\n", "1673\n", "1674\n", "1675\n", "1676\n", "1677\n", "1678\n", "1679\n", "1680\n", "1681\n", "1682\n", "1683\n", "1684\n", "1685\n", "1686\n", "1687\n", "1688\n", "1689\n", "1690\n", "1691\n", "1692\n", "1693\n", "1694\n", "1695\n", "1696\n", "1697\n", "1698\n", "1699\n", "1700\n", "1701\n", "1702\n", "1703\n", "1704\n", "1705\n", "1706\n", "1707\n", "1708\n", "1709\n", "1710\n", "1711\n", "1712\n", "1713\n", "1714\n", "1715\n", "1716\n", "1717\n", "1718\n", "1719\n", "1720\n", "1721\n", "1722\n", "1723\n", "1724\n", "1725\n", "1726\n", "1727\n", "1728\n", "1729\n", "1730\n", "1731\n", "1732\n", "1733\n", "1734\n", "1735\n", "1736\n", "1737\n", "1738\n", "1739\n", "1740\n", "1741\n", "1742\n", "1743\n", "1744\n", "1745\n", "1746\n", "1747\n", "1748\n", "1749\n", "1750\n", "1751\n", "1752\n", "1753\n", "1754\n", "1755\n", "1756\n", "1757\n", "1758\n", "1759\n", "1760\n", "1761\n", "1762\n", "1763\n", "1764\n", "1765\n", "1766\n", "1767\n", "1768\n", "1769\n", "1770\n", "1771\n", "1772\n", "1773\n", "1774\n", "1775\n", "1776\n", "1777\n", "1778\n", "1779\n", "1780\n", "1781\n", "1782\n", "1783\n", "1784\n", "1785\n", "1786\n", "1787\n", "1788\n", "1789\n", "1790\n", "1791\n", "1792\n", "1793\n", "1794\n", "1795\n", "1796\n", "1797\n", "1798\n", "1799\n", "1800\n", "1801\n", "1802\n", "1803\n", "1804\n", "1805\n", "1806\n", "1807\n", "1808\n", "1809\n", "1810\n", "1811\n", "1812\n", "1813\n", "1814\n", "1815\n", "1816\n", "1817\n", "1818\n", "1819\n", "1820\n", "1821\n", "1822\n", "1823\n", "1824\n", "1825\n", "1826\n", "1827\n", "1828\n", "1829\n", "1830\n", "1831\n", "1832\n", "1833\n", "1834\n", "1835\n", "1836\n", "1837\n", "1838\n", "1839\n", "1840\n", "1841\n", "1842\n", "1843\n", "1844\n", "1845\n", "1846\n", "1847\n", "1848\n", "1849\n", "1850\n", "1851\n", "1852\n", "1853\n", "1854\n", "1855\n", "1856\n", "1857\n", "1858\n", "1859\n", "1860\n", "1861\n", "1862\n", "1863\n", "1864\n", "1865\n", "1866\n", "1867\n", "1868\n", "1869\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "1870\n", "1871\n", "1872\n", "1873\n", "1874\n", "1875\n", "1876\n", "1877\n", "1878\n", "1879\n", "1880\n", "1881\n", "1882\n", "1883\n", "1884\n", "1885\n", "1886\n", "1887\n", "1888\n", "1889\n", "1890\n", "1891\n", "1892\n", "1893\n", "1894\n", "1895\n", "1896\n", "1897\n", "1898\n", "1899\n", "1900\n", "1901\n", "1902\n", "1903\n", "1904\n", "1905\n", "1906\n", "1907\n", "1908\n", "1909\n", "1910\n", "1911\n", "1912\n", "1913\n", "1914\n", "1915\n", "1916\n", "1917\n", "1918\n", "1919\n", "1920\n", "1921\n", "1922\n", "1923\n", "1924\n", "1925\n", "1926\n", "1927\n", "1928\n", "1929\n", "1930\n", "1931\n", "1932\n", "1933\n", "1934\n", "1935\n", "1936\n", "1937\n", "1938\n", "1939\n", "1940\n", "1941\n", "1942\n", "1943\n", "1944\n", "1945\n", "1946\n", "1947\n", "1948\n", "1949\n", "1950\n", "1951\n", "1952\n", "1953\n", "1954\n", "1955\n", "1956\n", "1957\n", "1958\n", "1959\n", "1960\n", "1961\n", "1962\n", "1963\n", "1964\n", "1965\n", "1966\n", "1967\n", "1968\n", "1969\n", "1970\n", "1971\n", "1972\n", "1973\n", "1974\n", "1975\n", "1976\n", "1977\n", "1978\n", "1979\n", "1980\n", "1981\n", "1982\n", "1983\n", "1984\n", "1985\n", "1986\n", "1987\n", "1988\n", "1989\n", "1990\n", "1991\n", "1992\n", "1993\n", "1994\n", "1995\n", "1996\n", "1997\n", "1998\n", "1999\n", "2000\n", "2001\n", "2002\n", "2003\n", "2004\n", "2005\n", "2006\n", "2007\n", "2008\n", "2009\n", "2010\n", "2011\n", "2012\n", "2013\n", "2014\n", "2015\n", "2016\n", "2017\n", "2018\n", "2019\n", "2020\n", "2021\n", "2022\n", "2023\n", "2024\n", "2025\n", "2026\n", "2027\n", "2028\n", "2029\n", "2030\n", "2031\n", "2032\n", "2033\n", "2034\n", "2035\n", "2036\n", "2037\n", "2038\n", "2039\n", "2040\n", "2041\n", "2042\n", "2043\n", "2044\n", "2045\n", "2046\n", "2047\n", "2048\n", "2049\n", "2050\n", "2051\n", "2052\n", "2053\n", "2054\n", "2055\n", "2056\n", "2057\n", "2058\n", "2059\n", "2060\n", "2061\n", "2062\n", "2063\n", "2064\n", "2065\n", "2066\n", "2067\n", "2068\n", "2069\n", "2070\n", "2071\n", "2072\n", "2073\n", "2074\n", "2075\n", "2076\n", "2077\n", "2078\n", "2079\n", "2080\n", "2081\n", "2082\n", "2083\n", "2084\n", "2085\n", "2086\n", "2087\n", "2088\n", "2089\n", "2090\n", "2091\n", "2092\n", "2093\n", "2094\n", "2095\n", "2096\n", "2097\n", "2098\n", "2099\n", "2100\n", "2101\n", "2102\n", "2103\n", "2104\n", "2105\n", "2106\n", "2107\n", "2108\n", "2109\n", "2110\n", "2111\n", "2112\n", "2113\n", "2114\n", "2115\n", "2116\n", "2117\n", "2118\n", "2119\n", "2120\n", "2121\n", "2122\n", "2123\n", "2124\n", "2125\n", "2126\n", "2127\n", "2128\n", "2129\n", "2130\n", "2131\n", "2132\n", "2133\n", "2134\n", "2135\n", "2136\n", "2137\n", "2138\n", "2139\n", "2140\n", "2141\n", "2142\n", "2143\n", "2144\n", "2145\n", "2146\n", "2147\n", "2148\n", "2149\n", "2150\n", "2151\n", "2152\n", "2153\n", "2154\n", "2155\n", "2156\n", "2157\n", "2158\n", "2159\n", "2160\n", "2161\n", "2162\n", "2163\n", "2164\n", "2165\n", "2166\n", "2167\n", "2168\n", "2169\n", "2170\n", "2171\n", "2172\n", "2173\n", "2174\n", "2175\n", "2176\n", "2177\n", "2178\n", "2179\n", "2180\n", "2181\n", "2182\n", "2183\n", "2184\n", "2185\n", "2186\n", "2187\n", "2188\n", "2189\n", "2190\n", "2191\n", "2192\n", "2193\n", "2194\n", "2195\n", "2196\n", "2197\n", "2198\n", "2199\n", "2200\n", "2201\n", "2202\n", "2203\n", "2204\n", "2205\n", "2206\n", "2207\n", "2208\n", "2209\n", "2210\n", "2211\n", "2212\n", "2213\n", "2214\n", "2215\n", "2216\n", "2217\n", "2218\n", "2219\n", "2220\n", "2221\n", "2222\n", "2223\n", "2224\n", "2225\n", "2226\n", "2227\n", "2228\n", "2229\n", "2230\n", "2231\n", "2232\n", "2233\n", "2234\n", "2235\n", "2236\n", "2237\n", "2238\n", "2239\n", "2240\n", "2241\n", "2242\n", "2243\n", "2244\n", "2245\n", "2246\n", "2247\n", "2248\n", "2249\n", "2250\n", "2251\n", "2252\n", "2253\n", "2254\n", "2255\n", "2256\n", "2257\n", "2258\n", "2259\n", "2260\n", "2261\n", "2262\n", "2263\n", "2264\n", "2265\n", "2266\n", "2267\n", "2268\n", "2269\n", "2270\n", "2271\n", "2272\n", "2273\n", "2274\n", "2275\n", "2276\n", "2277\n", "2278\n", "2279\n", "2280\n", "2281\n", "2282\n", "2283\n", "2284\n", "2285\n", "2286\n", "2287\n", "2288\n", "2289\n", "2290\n", "2291\n", "2292\n", "2293\n", "2294\n", "2295\n", "2296\n", "2297\n", "2298\n", "2299\n", "2300\n", "2301\n", "2302\n", "2303\n", "2304\n", "2305\n", "2306\n", "2307\n", "2308\n", "2309\n", "2310\n", "2311\n", "2312\n", "2313\n", "2314\n", "2315\n", "2316\n", "2317\n", "2318\n", "2319\n", "2320\n", "2321\n", "2322\n", "2323\n", "2324\n", "2325\n", "2326\n", "2327\n", "2328\n", "2329\n", "2330\n", "2331\n", "2332\n", "2333\n", "2334\n", "2335\n", "2336\n", "2337\n", "2338\n", "2339\n", "2340\n", "2341\n", "2342\n", "2343\n", "2344\n", "2345\n", "2346\n", "2347\n", "2348\n", "2349\n", "2350\n", "2351\n", "2352\n", "2353\n", "2354\n", "2355\n", "2356\n", "2357\n", "2358\n", "2359\n", "2360\n", "2361\n", "2362\n", "2363\n", "2364\n", "2365\n", "2366\n", "2367\n", "2368\n", "2369\n", "2370\n", "2371\n", "2372\n", "2373\n", "2374\n", "2375\n", "2376\n", "2377\n", "2378\n", "2379\n", "2380\n", "2381\n", "2382\n", "2383\n", "2384\n", "2385\n", "2386\n", "2387\n", "2388\n", "2389\n", "2390\n", "2391\n", "2392\n", "2393\n", "2394\n", "2395\n", "2396\n", "2397\n", "2398\n", "2399\n", "2400\n", "2401\n", "2402\n", "2403\n", "2404\n", "2405\n", "2406\n", "2407\n", "2408\n", "2409\n", "2410\n", "2411\n", "2412\n", "2413\n", "2414\n", "2415\n", "2416\n", "2417\n", "2418\n", "2419\n", "2420\n", "2421\n", "2422\n", "2423\n", "2424\n", "2425\n", "2426\n", "2427\n", "2428\n", "2429\n", "2430\n", "2431\n", "2432\n", "2433\n", "2434\n", "2435\n", "2436\n", "2437\n", "2438\n", "2439\n", "2440\n", "2441\n", "2442\n", "2443\n", "2444\n", "2445\n", "2446\n", "2447\n", "2448\n", "2449\n", "2450\n", "2451\n", "2452\n", "2453\n", "2454\n", "2455\n", "2456\n", "2457\n", "2458\n", "2459\n", "2460\n", "2461\n", "2462\n", "2463\n", "2464\n", "2465\n", "2466\n", "2467\n", "2468\n", "2469\n", "2470\n", "2471\n", "2472\n", "2473\n", "2474\n", "2475\n", "2476\n", "2477\n", "2478\n", "2479\n", "2480\n", "2481\n", "2482\n", "2483\n", "2484\n", "2485\n", "2486\n", "2487\n", "2488\n", "2489\n", "2490\n", "2491\n", "2492\n", "2493\n", "2494\n", "2495\n", "2496\n", "2497\n", "2498\n", "2499\n", "2500\n", "2501\n", "2502\n", "2503\n", "2504\n", "2505\n", "2506\n", "2507\n", "2508\n", "2509\n", "2510\n", "2511\n", "2512\n", "2513\n", "2514\n", "2515\n", "2516\n", "2517\n", "2518\n", "2519\n", "2520\n", "2521\n", "2522\n", "2523\n", "2524\n", "2525\n", "2526\n", "2527\n", "2528\n", "2529\n", "2530\n", "2531\n", "2532\n", "2533\n", "2534\n", "2535\n", "2536\n", "2537\n", "2538\n", "2539\n", "2540\n", "2541\n", "2542\n", "2543\n", "2544\n", "2545\n", "2546\n", "2547\n", "2548\n", "2549\n", "2550\n", "2551\n", "2552\n", "2553\n", "2554\n", "2555\n", "2556\n", "2557\n", "2558\n", "2559\n", "2560\n", "2561\n", "2562\n", "2563\n", "2564\n", "2565\n", "2566\n", "2567\n", "2568\n", "2569\n", "2570\n", "2571\n", "2572\n", "2573\n", "2574\n", "2575\n", "2576\n", "2577\n", "2578\n", "2579\n", "2580\n", "2581\n", "2582\n", "2583\n", "2584\n", "2585\n", "2586\n", "2587\n", "2588\n", "2589\n", "2590\n", "2591\n", "2592\n", "2593\n", "2594\n", "2595\n", "2596\n", "2597\n", "2598\n", "2599\n", "2600\n", "2601\n", "2602\n", "2603\n", "2604\n", "2605\n", "2606\n", "2607\n", "2608\n", "2609\n", "2610\n", "2611\n", "2612\n", "2613\n", "2614\n", "2615\n", "2616\n", "2617\n", "2618\n", "2619\n", "2620\n", "2621\n", "2622\n", "2623\n", "2624\n", "2625\n", "2626\n", "2627\n", "2628\n", "2629\n", "2630\n", "2631\n", "2632\n", "2633\n", "2634\n", "2635\n", "2636\n", "2637\n", "2638\n", "2639\n", "2640\n", "2641\n", "2642\n", "2643\n", "2644\n", "2645\n", "2646\n", "2647\n", "2648\n", "2649\n", "2650\n", "2651\n", "2652\n", "2653\n", "2654\n", "2655\n", "2656\n", "2657\n", "2658\n", "2659\n", "2660\n", "2661\n", "2662\n", "2663\n", "2664\n", "2665\n", "2666\n", "2667\n", "2668\n", "2669\n", "2670\n", "2671\n", "2672\n", "2673\n", "2674\n", "2675\n", "2676\n", "2677\n", "2678\n", "2679\n", "2680\n", "2681\n", "2682\n", "2683\n", "2684\n", "2685\n", "2686\n", "2687\n", "2688\n", "2689\n", "2690\n", "2691\n", "2692\n", "2693\n", "2694\n", "2695\n", "2696\n", "2697\n", "2698\n", "2699\n", "2700\n", "2701\n", "2702\n", "2703\n", "2704\n", "2705\n", "2706\n", "2707\n", "2708\n", "2709\n", "2710\n", "2711\n", "2712\n", "2713\n", "2714\n", "2715\n", "2716\n", "2717\n", "2718\n", "2719\n", "2720\n", "2721\n", "2722\n", "2723\n", "2724\n", "2725\n", "2726\n", "2727\n", "2728\n", "2729\n", "2730\n", "2731\n", "2732\n", "2733\n", "2734\n", "2735\n", "2736\n", "2737\n", "2738\n", "2739\n", "2740\n", "2741\n", "2742\n", "2743\n", "2744\n", "2745\n", "2746\n", "2747\n", "2748\n", "2749\n", "2750\n", "2751\n", "2752\n", "2753\n", "2754\n", "2755\n", "2756\n", "2757\n", "2758\n", "2759\n", "2760\n", "2761\n", "2762\n", "2763\n", "2764\n", "2765\n", "2766\n", "2767\n", "2768\n", "2769\n", "2770\n", "2771\n", "2772\n", "2773\n", "2774\n", "2775\n", "2776\n", "2777\n", "2778\n", "2779\n", "2780\n", "2781\n", "2782\n", "2783\n", "2784\n", "2785\n", "2786\n", "2787\n", "2788\n", "2789\n", "2790\n", "2791\n", "2792\n", "2793\n", "2794\n", "2795\n", "2796\n", "2797\n", "2798\n", "2799\n", "2800\n", "2801\n", "2802\n", "2803\n", "2804\n", "2805\n", "2806\n", "2807\n", "2808\n", "2809\n", "2810\n", "2811\n", "2812\n", "2813\n", "2814\n", "2815\n", "2816\n", "2817\n", "2818\n", "2819\n", "2820\n", "2821\n", "2822\n", "2823\n", "2824\n", "2825\n", "2826\n", "2827\n", "2828\n", "2829\n", "2830\n", "2831\n", "2832\n", "2833\n", "2834\n", "2835\n", "2836\n", "2837\n", "2838\n", "2839\n", "2840\n", "2841\n", "2842\n", "2843\n", "2844\n", "2845\n", "2846\n", "2847\n", "2848\n", "2849\n", "2850\n", "2851\n", "2852\n", "2853\n", "2854\n", "2855\n", "2856\n", "2857\n", "2858\n", "2859\n", "2860\n", "2861\n", "2862\n", "2863\n", "2864\n", "2865\n", "2866\n", "2867\n", "2868\n", "2869\n", "2870\n", "2871\n", "2872\n", "2873\n", "2874\n", "2875\n", "2876\n", "2877\n", "2878\n", "2879\n", "2880\n", "2881\n", "2882\n", "2883\n", "2884\n", "2885\n", "2886\n", "2887\n", "2888\n", "2889\n", "2890\n", "2891\n", "2892\n", "2893\n", "2894\n", "2895\n", "2896\n", "2897\n", "2898\n", "2899\n", "2900\n", "2901\n", "2902\n", "2903\n", "2904\n", "2905\n", "2906\n", "2907\n", "2908\n", "2909\n", "2910\n", "2911\n", "2912\n", "2913\n", "2914\n", "2915\n", "2916\n", "2917\n", "2918\n", "2919\n", "2920\n", "2921\n", "2922\n", "2923\n", "2924\n", "2925\n", "2926\n", "2927\n", "2928\n", "2929\n", "2930\n", "2931\n", "2932\n", "2933\n", "2934\n", "2935\n", "2936\n", "2937\n", "2938\n", "2939\n", "2940\n", "2941\n", "2942\n", "2943\n", "2944\n", "2945\n", "2946\n", "2947\n", "2948\n", "2949\n", "2950\n", "2951\n", "2952\n", "2953\n", "2954\n", "2955\n", "2956\n", "2957\n", "2958\n", "2959\n", "2960\n", "2961\n", "2962\n", "2963\n", "2964\n", "2965\n", "2966\n", "2967\n", "2968\n", "2969\n", "2970\n", "2971\n", "2972\n", "2973\n", "2974\n", "2975\n", "2976\n", "2977\n", "2978\n", "2979\n", "2980\n", "2981\n", "2982\n", "2983\n", "2984\n", "2985\n", "2986\n", "2987\n", "2988\n", "2989\n", "2990\n", "2991\n", "2992\n", "2993\n", "2994\n", "2995\n", "2996\n", "2997\n", "2998\n", "2999\n", "3000\n", "3001\n", "3002\n", "3003\n", "3004\n", "3005\n", "3006\n", "3007\n", "3008\n", "3009\n", "3010\n", "3011\n", "3012\n", "3013\n", "3014\n", "3015\n", "3016\n", "3017\n", "3018\n", "3019\n", "3020\n", "3021\n", "3022\n", "3023\n", "3024\n", "3025\n", "3026\n", "3027\n", "3028\n", "3029\n", "3030\n", "3031\n", "3032\n", "3033\n", "3034\n", "3035\n", "3036\n", "3037\n", "3038\n", "3039\n", "3040\n", "3041\n", "3042\n", "3043\n", "3044\n", "3045\n", "3046\n", "3047\n", "3048\n", "3049\n", "3050\n", "3051\n", "3052\n", "3053\n", "3054\n", "3055\n", "3056\n", "3057\n", "3058\n", "3059\n", "3060\n", "3061\n", "3062\n", "3063\n", "3064\n", "3065\n", "3066\n", "3067\n", "3068\n", "3069\n", "3070\n", "3071\n", "3072\n", "3073\n", "3074\n", "3075\n", "3076\n", "3077\n", "3078\n", "3079\n", "3080\n", "3081\n", "3082\n", "3083\n", "3084\n", "3085\n", "3086\n", "3087\n", "3088\n", "3089\n", "3090\n", "3091\n", "3092\n", "3093\n", "3094\n", "3095\n", "3096\n", "3097\n", "3098\n", "3099\n", "3100\n", "3101\n", "3102\n", "3103\n", "3104\n", "3105\n", "3106\n", "3107\n", "3108\n", "3109\n", "3110\n", "3111\n", "3112\n", "3113\n", "3114\n", "3115\n", "3116\n", "3117\n", "3118\n", "3119\n", "3120\n", "3121\n", "3122\n", "3123\n", "3124\n", "3125\n", "3126\n", "3127\n", "3128\n", "3129\n", "3130\n", "3131\n", "3132\n", "3133\n", "3134\n", "3135\n", "3136\n", "3137\n", "3138\n", "3139\n", "3140\n", "3141\n", "3142\n", "3143\n", "3144\n", "3145\n", "3146\n", "3147\n", "3148\n", "3149\n", "3150\n", "3151\n", "3152\n", "3153\n", "3154\n", "3155\n", "3156\n", "3157\n", "3158\n", "3159\n", "3160\n", "3161\n", "3162\n", "3163\n", "3164\n", "3165\n", "3166\n", "3167\n", "3168\n", "3169\n", "3170\n", "3171\n", "3172\n", "3173\n", "3174\n", "3175\n", "3176\n", "3177\n", "3178\n", "3179\n", "3180\n", "3181\n", "3182\n", "3183\n", "3184\n", "3185\n", "3186\n", "3187\n", "3188\n", "3189\n", "3190\n", "3191\n", "3192\n", "3193\n", "3194\n", "3195\n", "3196\n", "3197\n", "3198\n", "3199\n", "3200\n", "3201\n", "3202\n", "3203\n", "3204\n", "3205\n", "3206\n", "3207\n", "3208\n", "3209\n", "3210\n", "3211\n", "3212\n", "3213\n", "3214\n", "3215\n", "3216\n", "3217\n", "3218\n", "3219\n", "3220\n", "3221\n", "3222\n", "3223\n", "3224\n", "3225\n", "3226\n", "3227\n", "3228\n", "3229\n", "3230\n", "3231\n", "3232\n", "3233\n", "3234\n", "3235\n", "3236\n", "3237\n", "3238\n", "3239\n", "3240\n", "3241\n", "3242\n", "3243\n", "3244\n", "3245\n", "3246\n", "3247\n", "3248\n", "3249\n", "3250\n", "3251\n", "3252\n", "3253\n", "3254\n", "3255\n", "3256\n", "3257\n", "3258\n", "3259\n", "3260\n", "3261\n", "3262\n", "3263\n", "3264\n", "3265\n", "3266\n", "3267\n", "3268\n", "3269\n", "3270\n", "3271\n", "3272\n", "3273\n", "3274\n", "3275\n", "3276\n", "3277\n", "3278\n", "3279\n", "3280\n", "3281\n", "3282\n", "3283\n", "3284\n", "3285\n", "3286\n", "3287\n", "3288\n", "3289\n", "3290\n", "3291\n", "3292\n", "3293\n", "3294\n", "3295\n", "3296\n", "3297\n", "3298\n", "3299\n", "3300\n", "3301\n", "3302\n", "3303\n", "3304\n", "3305\n", "3306\n", "3307\n", "3308\n", "3309\n", "3310\n", "3311\n", "3312\n", "3313\n", "3314\n", "3315\n", "3316\n", "3317\n", "3318\n", "3319\n", "3320\n", "3321\n", "3322\n", "3323\n", "3324\n", "3325\n", "3326\n", "3327\n", "3328\n", "3329\n", "3330\n", "3331\n", "3332\n", "3333\n", "3334\n", "3335\n", "3336\n", "3337\n", "3338\n", "3339\n", "3340\n", "3341\n", "3342\n", "3343\n", "3344\n", "3345\n", "3346\n", "3347\n", "3348\n", "3349\n", "3350\n", "3351\n", "3352\n", "3353\n", "3354\n", "3355\n", "3356\n", "3357\n", "3358\n", "3359\n", "3360\n", "3361\n", "3362\n", "3363\n", "3364\n", "3365\n", "3366\n", "3367\n", "3368\n", "3369\n", "3370\n", "3371\n", "3372\n", "3373\n", "3374\n", "3375\n", "3376\n", "3377\n", "3378\n", "3379\n", "3380\n", "3381\n", "3382\n", "3383\n", "3384\n", "3385\n", "3386\n", "3387\n", "3388\n", "3389\n", "3390\n", "3391\n", "3392\n", "3393\n", "3394\n", "3395\n", "3396\n", "3397\n", "3398\n", "3399\n", "3400\n", "3401\n", "3402\n", "3403\n", "3404\n", "3405\n", "3406\n", "3407\n", "3408\n", "3409\n", "3410\n", "3411\n", "3412\n", "3413\n", "3414\n", "3415\n", "3416\n", "3417\n", "3418\n", "3419\n", "3420\n", "3421\n", "3422\n", "3423\n", "3424\n", "3425\n", "3426\n", "3427\n", "3428\n", "3429\n", "3430\n", "3431\n", "3432\n", "3433\n", "3434\n", "3435\n", "3436\n", "3437\n", "3438\n", "3439\n", "3440\n", "3441\n", "3442\n", "3443\n", "3444\n", "3445\n", "3446\n", "3447\n", "3448\n", "3449\n", "3450\n", "3451\n", "3452\n", "3453\n", "3454\n", "3455\n", "3456\n", "3457\n", "3458\n", "3459\n", "3460\n", "3461\n", "3462\n", "3463\n", "3464\n", "3465\n", "3466\n", "3467\n", "3468\n", "3469\n", "3470\n", "3471\n", "3472\n", "3473\n", "3474\n", "3475\n", "3476\n", "3477\n", "3478\n", "3479\n", "3480\n", "3481\n", "3482\n", "3483\n", "3484\n", "3485\n", "3486\n", "3487\n", "3488\n", "3489\n", "3490\n", "3491\n", "3492\n", "3493\n", "3494\n", "3495\n", "3496\n", "3497\n", "3498\n", "3499\n", "3500\n", "3501\n", "3502\n", "3503\n", "3504\n", "3505\n", "3506\n", "3507\n", "3508\n", "3509\n", "3510\n", "3511\n", "3512\n", "3513\n", "3514\n", "3515\n", "3516\n", "3517\n", "3518\n", "3519\n", "3520\n", "3521\n", "3522\n", "3523\n", "3524\n", "3525\n", "3526\n", "3527\n", "3528\n", "3529\n", "3530\n", "3531\n", "3532\n", "3533\n", "3534\n", "3535\n", "3536\n", "3537\n", "3538\n", "3539\n", "3540\n", "3541\n", "3542\n", "3543\n", "3544\n", "3545\n", "3546\n", "3547\n", "3548\n", "3549\n", "3550\n", "3551\n", "3552\n", "3553\n", "3554\n", "3555\n", "3556\n", "3557\n", "3558\n", "3559\n", "3560\n", "3561\n", "3562\n", "3563\n", "3564\n", "3565\n", "3566\n", "3567\n", "3568\n", "3569\n", "3570\n", "3571\n", "3572\n", "3573\n", "3574\n", "3575\n", "3576\n", "3577\n", "3578\n", "3579\n", "3580\n", "3581\n", "3582\n", "3583\n", "3584\n", "3585\n", "3586\n", "3587\n", "3588\n", "3589\n", "3590\n", "3591\n", "3592\n", "3593\n", "3594\n", "3595\n", "3596\n", "3597\n", "3598\n", "3599\n", "3600\n", "3601\n", "3602\n", "3603\n", "3604\n", "3605\n", "3606\n", "3607\n", "3608\n", "3609\n", "3610\n", "3611\n", "3612\n", "3613\n", "3614\n", "3615\n", "3616\n", "3617\n", "3618\n", "3619\n", "3620\n", "3621\n", "3622\n", "3623\n", "3624\n", "3625\n", "3626\n", "3627\n", "3628\n", "3629\n", "3630\n", "3631\n", "3632\n", "3633\n", "3634\n", "3635\n", "3636\n", "3637\n", "3638\n", "3639\n", "3640\n", "3641\n", "3642\n", "3643\n", "3644\n", "3645\n", "3646\n", "3647\n", "3648\n", "3649\n", "3650\n", "3651\n", "3652\n", "3653\n", "3654\n", "3655\n", "3656\n", "3657\n", "3658\n", "3659\n", "3660\n", "3661\n", "3662\n", "3663\n" ] }, { "name": "stdout", "output_type": "stream", "text": [ "3664\n", "3665\n", "3666\n", "3667\n", "3668\n", "3669\n", "3670\n", "3671\n", "3672\n", "3673\n", "3674\n", "3675\n", "3676\n", "3677\n", "3678\n", "3679\n", "3680\n", "3681\n", "3682\n", "3683\n", "3684\n", "3685\n", "3686\n", "3687\n", "3688\n", "3689\n", "3690\n", "3691\n", "3692\n", "3693\n", "3694\n", "3695\n", "3696\n", "3697\n", "3698\n", "3699\n", "3700\n", "3701\n", "3702\n", "3703\n", "3704\n", "3705\n", "3706\n", "3707\n", "3708\n", "3709\n", "3710\n", "3711\n", "3712\n", "3713\n", "3714\n", "3715\n", "3716\n", "3717\n", "3718\n", "3719\n", "3720\n", "3721\n", "3722\n", "3723\n", "3724\n", "3725\n", "3726\n", "3727\n", "3728\n", "3729\n", "3730\n", "3731\n", "3732\n", "3733\n", "3734\n", "3735\n", "3736\n", "3737\n", "3738\n", "3739\n", "3740\n", "3741\n", "3742\n", "3743\n", "3744\n", "3745\n", "3746\n", "3747\n", "3748\n", "3749\n", "3750\n", "3751\n", "3752\n", "3753\n", "3754\n", "3755\n", "3756\n", "3757\n", "3758\n", "3759\n", "3760\n", "3761\n", "3762\n", "3763\n", "3764\n", "3765\n", "3766\n", "3767\n", "3768\n", "3769\n", "3770\n", "3771\n", "3772\n", "3773\n", "3774\n", "3775\n", "3776\n", "3777\n", "3778\n", "3779\n", "3780\n", "3781\n", "3782\n", "3783\n", "3784\n", "3785\n", "3786\n", "3787\n", "3788\n", "3789\n", "3790\n", "3791\n", "3792\n", "3793\n", "3794\n", "3795\n", "3796\n", "3797\n", "3798\n", "3799\n", "3800\n", "3801\n", "3802\n", "3803\n", "3804\n", "3805\n", "3806\n", "3807\n", "3808\n", "3809\n", "3810\n", "3811\n", "3812\n", "3813\n", "3814\n", "3815\n", "3816\n", "3817\n", "3818\n", "3819\n", "3820\n", "3821\n", "3822\n", "3823\n", "3824\n", "3825\n", "3826\n", "3827\n", "3828\n", "3829\n", "3830\n", "3831\n", "3832\n", "3833\n", "3834\n", "3835\n", "3836\n", "3837\n", "3838\n", "3839\n", "3840\n", "3841\n", "3842\n", "3843\n", "3844\n", "3845\n", "3846\n", "3847\n", "3848\n", "3849\n", "3850\n", "3851\n", "3852\n", "3853\n", "3854\n", "3855\n", "3856\n", "3857\n", "3858\n", "3859\n", "3860\n", "3861\n", "3862\n", "3863\n", "3864\n", "3865\n", "3866\n", "3867\n", "3868\n", "3869\n", "3870\n", "3871\n", "3872\n", "3873\n", "3874\n", "3875\n", "3876\n", "3877\n", "3878\n", "3879\n", "3880\n", "3881\n", "3882\n", "3883\n", "3884\n", "3885\n", "3886\n", "3887\n", "3888\n", "3889\n", "3890\n", "3891\n", "3892\n", "3893\n", "3894\n", "3895\n", "3896\n", "3897\n", "3898\n", "3899\n", "3900\n", "3901\n", "3902\n", "3903\n", "3904\n", "3905\n", "3906\n", "3907\n", "3908\n", "3909\n", "3910\n", "3911\n", "3912\n", "3913\n", "3914\n", "3915\n", "3916\n", "3917\n", "3918\n", "3919\n", "3920\n", "3921\n", "3922\n", "3923\n", "3924\n", "3925\n", "3926\n", "3927\n", "3928\n", "3929\n", "3930\n", "3931\n", "3932\n", "3933\n", "3934\n", "3935\n", "3936\n", "3937\n", "3938\n", "3939\n", "3940\n", "3941\n", "3942\n", "3943\n", "3944\n", "3945\n", "3946\n", "3947\n", "3948\n", "3949\n", "3950\n", "3951\n", "3952\n", "3953\n", "3954\n", "3955\n", "3956\n", "3957\n", "3958\n", "3959\n", "3960\n", "3961\n", "3962\n", "3963\n", "3964\n", "3965\n", "3966\n", "3967\n", "3968\n", "3969\n", "3970\n", "3971\n", "3972\n", "3973\n", "3974\n", "3975\n", "3976\n", "3977\n", "3978\n", "3979\n", "3980\n", "3981\n", "3982\n", "3983\n", "3984\n", "3985\n", "3986\n", "3987\n", "3988\n", "3989\n", "3990\n", "3991\n", "3992\n", "3993\n", "3994\n", "3995\n", "3996\n", "3997\n", "3998\n", "3999\n", "4000\n", "4001\n", "4002\n", "4003\n", "4004\n", "4005\n", "4006\n", "4007\n", "4008\n", "4009\n", "4010\n", "4011\n", "4012\n", "4013\n", "4014\n", "4015\n", "4016\n", "4017\n", "4018\n", "4019\n", "4020\n", "4021\n", "4022\n", "4023\n", "4024\n", "4025\n", "4026\n", "4027\n", "4028\n", "4029\n", "4030\n", "4031\n", "4032\n", "4033\n", "4034\n", "4035\n", "4036\n", "4037\n", "4038\n", "4039\n", "4040\n", "4041\n", "4042\n", "4043\n", "4044\n", "4045\n", "4046\n", "4047\n", "4048\n", "4049\n", "4050\n", "4051\n", "4052\n", "4053\n", "4054\n", "4055\n", "4056\n", "4057\n", "4058\n", "4059\n", "4060\n", "4061\n", "4062\n", "4063\n", "4064\n", "4065\n", "4066\n", "4067\n", "4068\n", "4069\n", "4070\n", "4071\n", "4072\n", "4073\n", "4074\n", "4075\n", "4076\n", "4077\n", "4078\n", "4079\n", "4080\n", "4081\n", "4082\n", "4083\n", "4084\n", "4085\n", "4086\n", "4087\n", "4088\n", "4089\n", "4090\n", "4091\n", "4092\n", "4093\n", "4094\n", "4095\n", "4096\n", "4097\n", "4098\n", "4099\n", "4100\n", "4101\n", "4102\n", "4103\n", "4104\n", "4105\n", "4106\n", "4107\n", "4108\n", "4109\n", "4110\n", "4111\n", "4112\n", "4113\n", "4114\n", "4115\n", "4116\n", "4117\n", "4118\n", "4119\n", "4120\n", "4121\n", "4122\n", "4123\n", "4124\n", "4125\n", "4126\n", "4127\n", "4128\n", "4129\n", "4130\n", "4131\n", "4132\n", "4133\n", "4134\n", "4135\n", "4136\n", "4137\n", "4138\n", "4139\n", "4140\n", "4141\n", "4142\n", "4143\n", "4144\n", "4145\n", "4146\n", "4147\n", "4148\n", "4149\n", "4150\n", "4151\n", "4152\n", "4153\n", "4154\n", "4155\n", "4156\n", "4157\n", "4158\n", "4159\n", "4160\n", "4161\n", "4162\n", "4163\n", "4164\n", "4165\n", "4166\n", "4167\n", "4168\n", "4169\n", "4170\n", "4171\n", "4172\n", "4173\n", "4174\n", "4175\n", "4176\n", "4177\n", "4178\n", "4179\n", "4180\n", "4181\n", "4182\n", "4183\n", "4184\n", "4185\n", "4186\n", "4187\n", "4188\n", "4189\n", "4190\n", "4191\n", "4192\n", "4193\n", "4194\n", "4195\n", "4196\n", "4197\n", "4198\n", "4199\n", "4200\n", "4201\n", "4202\n", "4203\n", "4204\n", "4205\n", "4206\n", "4207\n", "4208\n", "4209\n", "4210\n", "4211\n", "4212\n", "4213\n", "4214\n", "4215\n", "4216\n", "4217\n", "4218\n", "4219\n", "4220\n", "4221\n", "4222\n", "4223\n", "4224\n", "4225\n", "4226\n", "4227\n", "4228\n", "4229\n", "4230\n", "4231\n", "4232\n", "4233\n", "4234\n", "4235\n", "4236\n", "4237\n", "4238\n", "4239\n", "4240\n", "4241\n", "4242\n", "4243\n", "4244\n", "4245\n", "4246\n", "4247\n", "4248\n", "4249\n", "4250\n", "4251\n", "4252\n", "4253\n", "4254\n", "4255\n", "4256\n", "4257\n", "4258\n", "4259\n", "4260\n", "4261\n", "4262\n", "4263\n", "4264\n", "4265\n", "4266\n", "4267\n", "4268\n", "4269\n", "4270\n", "4271\n", "4272\n", "4273\n", "4274\n", "4275\n", "4276\n", "4277\n", "4278\n", "4279\n", "4280\n", "4281\n", "4282\n", "4283\n", "4284\n", "4285\n", "4286\n", "4287\n", "4288\n", "4289\n", "4290\n", "4291\n", "4292\n", "4293\n", "4294\n", "4295\n", "4296\n", "4297\n", "4298\n", "4299\n", "4300\n", "4301\n", "4302\n", "4303\n", "4304\n", "4305\n", "4306\n", "4307\n", "4308\n", "4309\n", "4310\n", "4311\n", "4312\n", "4313\n", "4314\n", "4315\n", "4316\n", "4317\n", "4318\n", "4319\n", "4320\n", "4321\n", "4322\n", "4323\n", "4324\n", "4325\n", "4326\n", "4327\n", "4328\n", "4329\n", "4330\n", "4331\n", "4332\n", "4333\n", "4334\n", "4335\n", "4336\n", "4337\n", "4338\n", "4339\n", "4340\n", "4341\n", "4342\n", "4343\n", "4344\n", "4345\n", "4346\n", "4347\n", "4348\n", "4349\n", "4350\n", "4351\n", "4352\n", "4353\n", "4354\n", "4355\n", "4356\n", "4357\n", "4358\n", "4359\n", "4360\n", "4361\n", "4362\n", "4363\n", "4364\n", "4365\n", "4366\n", "4367\n", "4368\n", "4369\n", "4370\n", "4371\n", "4372\n", "4373\n", "4374\n", "4375\n", "4376\n", "4377\n", "4378\n", "4379\n", "4380\n", "4381\n", "4382\n", "4383\n", "4384\n", "4385\n", "4386\n", "4387\n", "4388\n", "4389\n", "4390\n", "4391\n", "4392\n", "4393\n", "4394\n", "4395\n", "4396\n", "4397\n", "4398\n", "4399\n", "4400\n", "4401\n", "4402\n", "4403\n", "4404\n", "4405\n", "4406\n", "4407\n", "4408\n", "4409\n", "4410\n", "4411\n", "4412\n", "4413\n", "4414\n", "4415\n", "4416\n", "4417\n", "4418\n", "4419\n", "4420\n", "4421\n", "4422\n", "4423\n", "4424\n", "4425\n", "4426\n", "4427\n", "4428\n", "4429\n", "4430\n", "4431\n", "4432\n", "4433\n", "4434\n", "4435\n", "4436\n", "4437\n", "4438\n", "4439\n", "4440\n", "4441\n", "4442\n", "4443\n", "4444\n", "4445\n", "4446\n", "4447\n", "4448\n", "4449\n", "4450\n", "4451\n", "4452\n", "4453\n", "4454\n", "4455\n", "4456\n", "4457\n", "4458\n", "4459\n", "4460\n", "4461\n", "4462\n", "4463\n", "4464\n", "4465\n", "4466\n", "4467\n", "4468\n", "4469\n", "4470\n", "4471\n", "4472\n", "4473\n", "4474\n", "4475\n", "4476\n", "4477\n", "4478\n", "4479\n", "4480\n", "4481\n", "4482\n", "4483\n", "4484\n", "4485\n", "4486\n", "4487\n", "4488\n", "4489\n", "4490\n", "4491\n", "4492\n", "4493\n", "4494\n", "4495\n", "4496\n", "4497\n", "4498\n", "4499\n", "4500\n", "4501\n", "4502\n", "4503\n", "4504\n", "4505\n", "4506\n", "4507\n", "4508\n", "4509\n", "4510\n", "4511\n", "4512\n", "4513\n", "4514\n", "4515\n", "4516\n", "4517\n", "4518\n", "4519\n", "4520\n", "4521\n", "4522\n", "4523\n", "4524\n", "4525\n", "4526\n", "4527\n", "4528\n", "4529\n", "4530\n", "4531\n", "4532\n", "4533\n", "4534\n", "4535\n", "4536\n", "4537\n", "4538\n", "4539\n", "4540\n", "4541\n", "4542\n", "4543\n", "4544\n", "4545\n", "4546\n", "4547\n", "4548\n", "4549\n", "4550\n", "4551\n", "4552\n", "4553\n", "4554\n", "4555\n", "4556\n", "4557\n", "4558\n", "4559\n", "4560\n", "4561\n", "4562\n", "4563\n", "4564\n", "4565\n", "4566\n", "4567\n", "4568\n", "4569\n", "4570\n", "4571\n", "4572\n", "4573\n", "4574\n", "4575\n", "4576\n", "4577\n", "4578\n", "4579\n", "4580\n", "4581\n", "4582\n", "4583\n", "4584\n", "4585\n", "4586\n", "4587\n", "4588\n", "4589\n", "4590\n", "4591\n", "4592\n", "4593\n", "4594\n", "4595\n", "4596\n", "4597\n", "4598\n", "4599\n", "4600\n", "4601\n", "4602\n", "4603\n", "4604\n", "4605\n", "4606\n", "4607\n", "4608\n", "4609\n", "4610\n", "4611\n", "4612\n", "4613\n", "4614\n", "4615\n", "4616\n", "4617\n", "4618\n", "4619\n", "4620\n", "4621\n", "4622\n", "4623\n", "4624\n", "4625\n", "4626\n", "4627\n", "4628\n", "4629\n", "4630\n", "4631\n", "4632\n", "4633\n", "4634\n", "4635\n", "4636\n", "4637\n", "4638\n", "4639\n", "4640\n", "4641\n", "4642\n", "4643\n", "4644\n", "referred 4644\n", "4645\n", "seam 4645\n", "4646\n", "trials 4646\n", "4647\n", "eliminated 4647\n", "4648\n", "mbps 4648\n" ] } ], "source": [ "# How should we choose vector length\n", "\n", "embeddings = np.zeros((vocab_size+1, 50))\n", "for word, i in word_index.items():\n", " if i <= vocab_size:\n", " vector = embeddings_index.get(word)\n", " print(i)\n", " if i > vocab_size-5: print(word, i)\n", " if vector is not None:\n", " # words not found in embedding index will be all-zeros.\n", " embeddings[i] = vector\n", " else: embeddings[i] = np.random.rand(50) - 0.5\n" ] }, { "cell_type": "code", "execution_count": 17, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(4649, 50)" ] }, "execution_count": 17, "metadata": {}, "output_type": "execute_result" } ], "source": [ "embeddings.shape" ] }, { "cell_type": "code", "execution_count": 18, "metadata": {}, "outputs": [], "source": [ "max_length =120\n", "X_train = pad_sequences(tokenizer.texts_to_sequences(Xtrain), maxlen=max_length, padding='post')\n", "X_test = pad_sequences(tokenizer.texts_to_sequences(Xtest), maxlen=max_length, padding='post')\n", "X_val = pad_sequences(tokenizer.texts_to_sequences(Xval), maxlen=max_length, padding='post')" ] }, { "cell_type": "code", "execution_count": 19, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "(array([1, 2, 3, 4, 5], dtype=int64), array([ 41, 40, 150, 854, 2378], dtype=int64))\n", "(array([1, 2, 3, 4, 5], dtype=int64), array([ 41, 40, 150, 854, 2378], dtype=int64))\n" ] } ], "source": [ "print(np.unique(y_val, return_counts=True))\n", "print(np.unique(y_test, return_counts=True))" ] }, { "cell_type": "code", "execution_count": 20, "metadata": {}, "outputs": [], "source": [ "# example Keras wrapper for hpall_mean_loss\n", "\n", "def get_ohpl_wrapper (min_label, max_label, margin, ordering_loss_weight):\n", " def ohpl(y_true, y_pred):\n", " return hpall_mean_loss(y_true, y_pred, min_label, max_label, margin, ordering_loss_weight)\n", " return ohpl\n", "\n", "loss = get_ohpl_wrapper(1,5,.3,1) # ordering_loss_weight must not be less that 1" ] }, { "cell_type": "code", "execution_count": 21, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([5, 5, 3, ..., 5, 5, 5], dtype=int64)" ] }, "execution_count": 21, "metadata": {}, "output_type": "execute_result" } ], "source": [ "y_train" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Build Model" ] }, { "cell_type": "code", "execution_count": 22, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Model: \"sequential_1\"\n", "_________________________________________________________________\n", "Layer (type) Output Shape Param # \n", "=================================================================\n", "embedding_1 (Embedding) (None, 120, 50) 232450 \n", "_________________________________________________________________\n", "lstm_1 (LSTM) (None, 16) 4288 \n", "_________________________________________________________________\n", "dense_1 (Dense) (None, 1) 17 \n", "=================================================================\n", "Total params: 236,755\n", "Trainable params: 236,755\n", "Non-trainable params: 0\n", "_________________________________________________________________\n", "None\n" ] } ], "source": [ "model = Sequential()\n", "model.add(Embedding(vocab_size+1, 50, input_length=max_length, weights=[embeddings], trainable=True))\n", "model.add(LSTM(16))\n", "model.add(Dense(1)) \n", "\n", "print(model.summary())\n", " " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "### Compile Model" ] }, { "cell_type": "code", "execution_count": 23, "metadata": {}, "outputs": [], "source": [ "import gc\n", "import numpy as np\n", "import keras.backend as K\n", "from keras.backend.tensorflow_backend import set_session\n", "from keras.backend.tensorflow_backend import clear_session\n", "from keras.backend.tensorflow_backend import get_session\n", "from keras.callbacks import Callback \n", "\n", "class lvStop(Callback): \n", " def __init__(self, monitor='val_loss', value=0.3, verbose=0): \n", " super(Callback, self).__init__() \n", " self.monitor = monitor \n", " self.value = value \n", " self.verbose = verbose \n", " \n", " def on_epoch_end(self, epoch, logs={}): \n", " current = logs.get(self.monitor) \n", " if current is None: \n", " warnings.warn(\"Early stopping requires %s available!\" % self.monitor, RuntimeWarning) \n", " \n", " if current < self.value: \n", " if self.verbose > 0: \n", " print(\"Epoch %05d: early stopping THR\" % epoch) \n", " self.model.stop_training = True\n", " \n", "class ltStop(Callback): \n", " def __init__(self, monitor='loss', value=0.3, verbose=0): \n", " super(Callback, self).__init__() \n", " self.monitor = monitor \n", " self.value = value \n", " self.verbose = verbose \n", " \n", " def on_epoch_end(self, epoch, logs={}): \n", " current = logs.get(self.monitor) \n", " if current is None: \n", " warnings.warn(\"Early stopping requires %s available!\" % self.monitor, RuntimeWarning) \n", " \n", " if current < self.value: \n", " if self.verbose > 0: \n", " print(\"Epoch %05d: early stopping THR\" % epoch) \n", " self.model.stop_training = True\n", " \n", " \n", "#cb is call back set loss value accordingly \n", "cb = [lvStop(value=0.5)] #5.63\n", "#points.fit(trainData, trainOne, epochs=10, batch_size=128, shuffle=True, callbacks=cb, validation_data=(testData, testOne)) #, callbacks=[es])" ] }, { "cell_type": "code", "execution_count": 24, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Model: \"sequential_1\"\n", "_________________________________________________________________\n", "Layer (type) Output Shape Param # \n", "=================================================================\n", "embedding_1 (Embedding) (None, 120, 50) 232450 \n", "_________________________________________________________________\n", "lstm_1 (LSTM) (None, 16) 4288 \n", "_________________________________________________________________\n", "dense_1 (Dense) (None, 1) 17 \n", "=================================================================\n", "Total params: 236,755\n", "Trainable params: 236,755\n", "Non-trainable params: 0\n", "_________________________________________________________________\n", "None\n" ] } ], "source": [ "opt = Adam(lr=0.001, beta_1=0.9, beta_2=0.999, decay=1e-8) \n", "\n", "model.compile(loss=loss, optimizer=opt)\n", "print(model.summary())" ] }, { "cell_type": "code", "execution_count": 25, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "(27700,)" ] }, "execution_count": 25, "metadata": {}, "output_type": "execute_result" } ], "source": [ "y_train.shape" ] }, { "cell_type": "code", "execution_count": 26, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "Train on 27700 samples, validate on 3463 samples\n", "Epoch 1/50\n", "27700/27700 [==============================] - 92s 3ms/step - loss: 3.7127 - val_loss: 3.8409\n", "Epoch 2/50\n", "27700/27700 [==============================] - 92s 3ms/step - loss: 3.0087 - val_loss: 2.1973\n", "Epoch 3/50\n", "27700/27700 [==============================] - 91s 3ms/step - loss: 2.2031 - val_loss: 2.1689\n", "Epoch 4/50\n", "27700/27700 [==============================] - 96s 3ms/step - loss: 1.9925 - val_loss: 2.0751\n", "Epoch 5/50\n", "27700/27700 [==============================] - 88s 3ms/step - loss: 1.6827 - val_loss: 1.7833\n", "Epoch 6/50\n", "27700/27700 [==============================] - 89s 3ms/step - loss: 1.5665 - val_loss: 1.7232\n", "Epoch 7/50\n", "27700/27700 [==============================] - 100s 4ms/step - loss: 1.4069 - val_loss: 1.6809\n", "Epoch 8/50\n", "27700/27700 [==============================] - 93s 3ms/step - loss: 1.3972 - val_loss: 1.7468\n", "Epoch 9/50\n", "27700/27700 [==============================] - 97s 3ms/step - loss: 1.2369 - val_loss: 1.4732\n", "Epoch 10/50\n", "27700/27700 [==============================] - 89s 3ms/step - loss: 1.1113 - val_loss: 1.4925\n", "Epoch 11/50\n", "27700/27700 [==============================] - 90s 3ms/step - loss: 1.0459 - val_loss: 1.5016\n", "Epoch 12/50\n", "27700/27700 [==============================] - 92s 3ms/step - loss: 0.9892 - val_loss: 1.4700\n", "Epoch 13/50\n", "27700/27700 [==============================] - 96s 3ms/step - loss: 0.9274 - val_loss: 1.5610\n", "Epoch 14/50\n", "27700/27700 [==============================] - 98s 4ms/step - loss: 0.8643 - val_loss: 1.5392\n", "Epoch 15/50\n", "27700/27700 [==============================] - 94s 3ms/step - loss: 0.8485 - val_loss: 1.5765\n", "Epoch 16/50\n", "27700/27700 [==============================] - 93s 3ms/step - loss: 0.8006 - val_loss: 1.4705\n", "Epoch 17/50\n", "27700/27700 [==============================] - 95s 3ms/step - loss: 0.7641 - val_loss: 1.5297\n", "Epoch 18/50\n", "27700/27700 [==============================] - 93s 3ms/step - loss: 0.7568 - val_loss: 1.5032\n", "Epoch 19/50\n", "27700/27700 [==============================] - 93s 3ms/step - loss: 0.7065 - val_loss: 1.6108\n", "Epoch 20/50\n", "27700/27700 [==============================] - 99s 4ms/step - loss: 0.6737 - val_loss: 1.5908\n", "Epoch 21/50\n", "27700/27700 [==============================] - 106s 4ms/step - loss: 0.6578 - val_loss: 1.5777\n", "Epoch 22/50\n", "27700/27700 [==============================] - 117s 4ms/step - loss: 0.6245 - val_loss: 1.6569\n", "Epoch 23/50\n", "27700/27700 [==============================] - 108s 4ms/step - loss: 0.6337 - val_loss: 1.7215\n", "Epoch 24/50\n", "27700/27700 [==============================] - 99s 4ms/step - loss: 0.6297 - val_loss: 1.6033\n", "Epoch 25/50\n", "27700/27700 [==============================] - 97s 3ms/step - loss: 0.5858 - val_loss: 1.5579\n", "Epoch 26/50\n", "27700/27700 [==============================] - 103s 4ms/step - loss: 0.5629 - val_loss: 1.5765\n", "Epoch 27/50\n", "27700/27700 [==============================] - 106s 4ms/step - loss: 0.5562 - val_loss: 1.5836\n", "Epoch 28/50\n", "27700/27700 [==============================] - 107s 4ms/step - loss: 0.5344 - val_loss: 1.6710\n", "Epoch 29/50\n", "27700/27700 [==============================] - 109s 4ms/step - loss: 0.5398 - val_loss: 1.6929\n", "Epoch 30/50\n", "27700/27700 [==============================] - 108s 4ms/step - loss: 0.5021 - val_loss: 1.7495\n", "Epoch 31/50\n", "27700/27700 [==============================] - 109s 4ms/step - loss: 0.5088 - val_loss: 1.7756\n", "Epoch 32/50\n", "27700/27700 [==============================] - 108s 4ms/step - loss: 0.4915 - val_loss: 1.6330\n", "Epoch 33/50\n", "27700/27700 [==============================] - 108s 4ms/step - loss: 0.4670 - val_loss: 1.7483\n", "Epoch 34/50\n", "27700/27700 [==============================] - 109s 4ms/step - loss: 0.4536 - val_loss: 1.7976\n", "Epoch 35/50\n", "27700/27700 [==============================] - 107s 4ms/step - loss: 0.4260 - val_loss: 1.7488\n", "Epoch 36/50\n", "27700/27700 [==============================] - 104s 4ms/step - loss: 0.4408 - val_loss: 1.6917\n", "Epoch 37/50\n", "27700/27700 [==============================] - 108s 4ms/step - loss: 0.4078 - val_loss: 1.6573\n", "Epoch 38/50\n", "27700/27700 [==============================] - 122s 4ms/step - loss: 0.4008 - val_loss: 1.7562\n", "Epoch 39/50\n", "27700/27700 [==============================] - 107s 4ms/step - loss: 0.4064 - val_loss: 1.7305\n", "Epoch 40/50\n", "27700/27700 [==============================] - 92s 3ms/step - loss: 0.3842 - val_loss: 1.7491\n", "Epoch 41/50\n", "27700/27700 [==============================] - 92s 3ms/step - loss: 0.3836 - val_loss: 1.7207\n", "Epoch 42/50\n", "27700/27700 [==============================] - 103s 4ms/step - loss: 0.3802 - val_loss: 1.7155\n", "Epoch 43/50\n", "27700/27700 [==============================] - 106s 4ms/step - loss: 0.3580 - val_loss: 1.7828\n", "Epoch 44/50\n", "27700/27700 [==============================] - 108s 4ms/step - loss: 0.3672 - val_loss: 1.7389\n", "Epoch 45/50\n", "27700/27700 [==============================] - 107s 4ms/step - loss: 0.3232 - val_loss: 1.8360\n", "Epoch 46/50\n", "27700/27700 [==============================] - 109s 4ms/step - loss: 0.3434 - val_loss: 1.7959\n", "Epoch 47/50\n", "27700/27700 [==============================] - 110s 4ms/step - loss: 0.3235 - val_loss: 1.8890\n", "Epoch 48/50\n", "27700/27700 [==============================] - 97s 4ms/step - loss: 0.3138 - val_loss: 1.7972\n", "Epoch 49/50\n", "27700/27700 [==============================] - 96s 3ms/step - loss: 0.3098 - val_loss: 1.8793\n", "Epoch 50/50\n", "27700/27700 [==============================] - 104s 4ms/step - loss: 0.3131 - val_loss: 1.8919\n" ] }, { "data": { "text/plain": [ "" ] }, "execution_count": 26, "metadata": {}, "output_type": "execute_result" } ], "source": [ "#keeping batch size three times the number of classes\n", "\n", "model.fit(X_train, y_train, batch_size=15, epochs=50, verbose=1, shuffle=True, callbacks=cb, validation_data=(X_val, y_val))\n" ] }, { "cell_type": "code", "execution_count": 27, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "27700/27700 [==============================] - 12s 428us/step\n" ] } ], "source": [ "eval_loss = model.evaluate(X_train, y_train, verbose=1)" ] }, { "cell_type": "code", "execution_count": 28, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([5, 5, 3, ..., 5, 5, 5], dtype=int64)" ] }, "execution_count": 28, "metadata": {}, "output_type": "execute_result" } ], "source": [ "y_train" ] }, { "cell_type": "code", "execution_count": 29, "metadata": {}, "outputs": [], "source": [ "# Define the minimum class\n", "min_class = np.min(np.unique(y_train))\n", "y_train = np.array(y_train)" ] }, { "cell_type": "code", "execution_count": 30, "metadata": {}, "outputs": [], "source": [ "from sklearn.preprocessing import OneHotEncoder\n", "\n", "\n", "# Create matrix from on hot encoded training labels to use to calculate class centroids\n", "onehot_encoder = OneHotEncoder(sparse=False, categories='auto')\n", "onehot = onehot_encoder.fit_transform(y_train.reshape((-1, 1)))\n", "onehot_inverse = 1/np.sum((onehot.T), axis=1)\n", "new_y_train = onehot.T*onehot_inverse.reshape(-1,1)" ] }, { "cell_type": "code", "execution_count": 31, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([[0., 0., 0., 0., 1.],\n", " [0., 0., 0., 0., 1.],\n", " [0., 0., 1., 0., 0.],\n", " ...,\n", " [0., 0., 0., 0., 1.],\n", " [0., 0., 0., 0., 1.],\n", " [0., 0., 0., 0., 1.]])" ] }, "execution_count": 31, "metadata": {}, "output_type": "execute_result" } ], "source": [ "onehot" ] }, { "cell_type": "code", "execution_count": 32, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([3.04878049e-03, 3.10559006e-03, 8.34028357e-04, 1.46348602e-04,\n", " 5.25817646e-05])" ] }, "execution_count": 32, "metadata": {}, "output_type": "execute_result" } ], "source": [ "onehot_inverse" ] }, { "cell_type": "code", "execution_count": 33, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([[0.00000000e+00, 0.00000000e+00, 0.00000000e+00, ...,\n", " 0.00000000e+00, 0.00000000e+00, 0.00000000e+00],\n", " [0.00000000e+00, 0.00000000e+00, 0.00000000e+00, ...,\n", " 0.00000000e+00, 0.00000000e+00, 0.00000000e+00],\n", " [0.00000000e+00, 0.00000000e+00, 8.34028357e-04, ...,\n", " 0.00000000e+00, 0.00000000e+00, 0.00000000e+00],\n", " [0.00000000e+00, 0.00000000e+00, 0.00000000e+00, ...,\n", " 0.00000000e+00, 0.00000000e+00, 0.00000000e+00],\n", " [5.25817646e-05, 5.25817646e-05, 0.00000000e+00, ...,\n", " 5.25817646e-05, 5.25817646e-05, 5.25817646e-05]])" ] }, "execution_count": 33, "metadata": {}, "output_type": "execute_result" } ], "source": [ "new_y_train" ] }, { "cell_type": "code", "execution_count": 34, "metadata": {}, "outputs": [], "source": [ "# Score the training set\n", "pred = model.predict(X_train, batch_size=15)" ] }, { "cell_type": "code", "execution_count": 35, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([[ 1.4355785],\n", " [ 1.4286754],\n", " [-3.8874745],\n", " ...,\n", " [ 1.4122378],\n", " [ 1.532434 ],\n", " [ 1.6929293]], dtype=float32)" ] }, "execution_count": 35, "metadata": {}, "output_type": "execute_result" } ], "source": [ "pred" ] }, { "cell_type": "code", "execution_count": 36, "metadata": {}, "outputs": [], "source": [ "# Multiply centroid calculation matrix, new_y_train, by training set scores\n", "train_cent = np.matmul(new_y_train, pred)" ] }, { "cell_type": "code", "execution_count": 37, "metadata": {}, "outputs": [], "source": [ "# Calculate new data model score\n", "new_pred = model.predict(X_test)" ] }, { "cell_type": "code", "execution_count": 38, "metadata": {}, "outputs": [], "source": [ "# Identify the closest centroid\n", "rcenter = train_cent.T # create row matrix of centroids\n", "y_pred = np.argmin(abs(new_pred - rcenter), axis=1) + min_class " ] }, { "cell_type": "code", "execution_count": 39, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([5, 4, 5, ..., 5, 5, 5], dtype=int64)" ] }, "execution_count": 39, "metadata": {}, "output_type": "execute_result" } ], "source": [ "y_pred" ] }, { "cell_type": "code", "execution_count": 40, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ "0.4126479930695928 0.34652035807103665\n" ] } ], "source": [ "# calculate the mean absolute error and mean zero one error\n", "mae = np.mean(abs(y_pred - y_test))\n", "mze = np.mean(abs(y_pred - y_test) > 0) \n", "print(mae, mze)" ] }, { "cell_type": "code", "execution_count": 41, "metadata": {}, "outputs": [ { "data": { "text/plain": [ "array([[ 11, 7, 14, 6, 3],\n", " [ 6, 7, 16, 8, 3],\n", " [ 5, 12, 50, 50, 33],\n", " [ 2, 13, 118, 267, 454],\n", " [ 6, 12, 83, 349, 1928]], dtype=int64)" ] }, "execution_count": 41, "metadata": {}, "output_type": "execute_result" } ], "source": [ "# Confusion matrix\n", "from sklearn.metrics import confusion_matrix \n", "confusion_matrix(y_test, y_pred) " ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [] } ], "metadata": { "kernelspec": { "display_name": "Python 3", "language": "python", "name": "python3" }, "language_info": { "codemirror_mode": { "name": "ipython", "version": 3 }, "file_extension": ".py", "mimetype": "text/x-python", "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", "version": "3.7.3" } }, "nbformat": 4, "nbformat_minor": 4 }