You are on page 1of 62

import

pandas as pd
import os
import pickle
import numpy as np
from matplotlib import pyplot as plt
import seaborn as sns
import plotly.express as px
import warnings
warnings.filterwarnings("ignore")
import string
import re
import nltk
from sklearn.feature_extraction.text import TfidfVectorizer
import tensorflow as tf
from keras.models import Sequential
from keras.layers.recurrent import LSTM,GRU
from keras.layers.core import Dense,Activation
from keras.layers.embeddings import Embedding
from sklearn.model_selection import train_test_split
from keras.preprocessing import sequence, text
from tqdm import tqdm
from tensorflow.keras.utils import to_categorical
from sklearn import preprocessing
from keras.preprocessing.text import Tokenizer
from keras.models import load_model,Model
from sklearn.preprocessing import LabelEncoder
from tensorflow.keras.layers import Dense,SimpleRNN,Input,Dropout,Flatten,Concatenate,BatchNormalization,Bidirectiona
from tensorflow.keras import regularizers,optimizers
import datetime

def jaccard(str1,str2):
a=set(str1.lower().split())
b=set(str2.lower().split())
c=a.intersection(b)
return float(len(c)) / (len(a) + len(b) - len(c))

from google.colab import drive


drive.mount('/content/drive')

Mounted at /content/drive

with open('/content/drive//My Drive/Tweet Sentiment Extraction/updated_train.pkl','rb') as f:


train=pickle.load(f)

with open('/content/drive//My Drive/Tweet Sentiment Extraction/preprocessed_test.pkl','rb') as f:


test=pickle.load(f)

train.head()

textID text selected_text sentiment spelling start_index end_index

id have responded if i were


0 cb774db0d1 id have responded if i were going neutral ++++ 0 6
going

1 549e992a42 sooo sad i will miss you here in san diego sooo sad negative ++++ 0 1

2 088c60f138 my boss is bullying me bullying me negative ++++ 3 4

3 9642c003ef what interview leave me alone leave me alone negative ++++ 2 4

sons of ABUSE why couldnt they put them


4 358bd9e861 sons of ABUSE negative ++++ 0 2
on th...

test.head()

textID text sentiment

0 f87dea47db last session of the day neutral

1 96d74cb729 shanghai is also really exciting precisely s... positive

2 eee518ae67 recession hit veronique branquinho she has to ... negative

3 01082688c6 happy bday positive

4 33987a8ee5 i like it positive

text_split=train['text'].apply(lambda x: len(str(x).split())).tolist()

max(text_split)

32
We have to predict start and end tokens of a given sentence,so extract the output labels with start and end tokens as 1 and rest as 0.

#https://www.geeksforgeeks.org/numpy-zeros-python/
y=np.zeros((train.shape[0],max(text_split)+1))
for i in range(train.shape[0]):
start=train['start_index'][i]
end=train['end_index'][i]
y[i][start:end+1]=1

for i in [1,6,11,22]:
print(train['start_index'][i],train['end_index'][i])
print('\n')
print(train['text'][i])
print('\n')
print(train['selected_text'][i])
print('\n')
print(y[i])
print("="*150)

0 1

sooo sad i will miss you here in san diego

sooo sad

[1. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.
0. 0. 0. 0. 0. 0. 0. 0. 0.]
================================================================================================================
======================================
5 5

feedings for the baby are fun when he is all smiles and coos

fun

[0. 0. 0. 0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.
0. 0. 0. 0. 0. 0. 0. 0. 0.]
================================================================================================================
======================================
3 3

i really really like the song love story by taylor swift

like

[0. 0. 0. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.
0. 0. 0. 0. 0. 0. 0. 0. 0.]
================================================================================================================
======================================
0 11

is cleaning the house for her family who is comming later today

is cleaning the house for her family who is comming later today

[1. 1. 1. 1. 1. 1. 1. 1. 1. 1. 1. 1. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0. 0.
0. 0. 0. 0. 0. 0. 0. 0. 0.]
================================================================================================================
======================================

y.shape

(27381, 33)

X=train[['textID','text','selected_text','sentiment']]

X_train,X_valid,y_train,y_valid=train_test_split(X,y,test_size=0.15,random_state=42)

print("X_train shape ",X_train.shape," X_test shape ",X_valid.shape)


print("X_train shape ",X_train.shape," X_test shape ",X_valid.shape)
print("\ny_train shape ",y_train.shape," y_test shape ",y_valid.shape)

X_train shape (23273, 4) X_test shape (4108, 4)

y_train shape (23273, 33) y_test shape (4108, 33)

y_train=np.expand_dims(y_train,-1)
y_valid=np.expand_dims(y_valid,-1)
y_train.shape,y_valid.shape

((23273, 33, 1), (4108, 33, 1))

train_text=X_train['text'].values
valid_text=X_valid['text'].values
train_sentiment=X_train['sentiment'].values
valid_sentiment=X_valid['sentiment'].values

# using keras tokenizer here


token1=text.Tokenizer(num_words=None)
max_len_text=32

token1.fit_on_texts(list(train_text))
train_text=token1.texts_to_sequences(train_text)
valid_text=token1.texts_to_sequences(valid_text)

#zero pad the sequences


train_text=sequence.pad_sequences(train_text,maxlen=max_len_text,padding='post')
valid_text=sequence.pad_sequences(valid_text,maxlen=max_len_text,padding='post')

word_index_text=token1.word_index
print(word_index_text)

{'i': 1, 'to': 2, 'the': 3, 'a': 4, 'my': 5, 'and': 6, 'you': 7, 'it': 8, 'is': 9, 'in': 10, 'for': 11, 'of': 12
, 'im': 13, 'on': 14, 'me': 15, 'have': 16, 'that': 17, 'so': 18, 'but': 19, 'just': 20, 'with': 21, 'day': 22,
'be': 23, 'its': 24, 'at': 25, 'not': 26, 'was': 27, 'all': 28, 'good': 29, 'this': 30, 'now': 31, 'out': 32, 'u
p': 33, 'get': 34, 'are': 35, 'like': 36, 'no': 37, 'go': 38, 'dont': 39, 'do': 40, 'your': 41, 'going': 42, 'lo
ve': 43, 'too': 44, 'today': 45, 'work': 46, 'got': 47, 'abuse': 48, 'cant': 49, 'one': 50, 'from': 51, 'happy':
52, 'time': 53, 'what': 54, 'know': 55, 'lol': 56, 'u': 57, 'really': 58, 'back': 59, 'will': 60, 'about': 61, '
am': 62, 'had': 63, 'we': 64, 'there': 65, 'see': 66, 'can': 67, 'if': 68, 'some': 69, 'new': 70, 'well': 71, 'n
ight': 72, 'home': 73, 'as': 74, 'want': 75, 'mothers': 76, 'when': 77, 'how': 78, 'more': 79, 'still': 80, 'muc
h': 81, 'think': 82, 'thanks': 83, 'oh': 84, 'off': 85, 'they': 86, 'miss': 87, 'here': 88, 'great': 89, 'an': 9
0, 'has': 91, 'hope': 92, 'last': 93, 'need': 94, 'thats': 95, 'her': 96, 'haha': 97, 'morning': 98, 'fun': 99,
'been': 100, 'ill': 101, 'feel': 102, 'wish': 103, 'would': 104, 'or': 105, 'why': 106, 'then': 107, 'twitter':
108, 'tomorrow': 109, 'he': 110, 'only': 111, 'bad': 112, 'sorry': 113, 'were': 114, 'didnt': 115, 'sad': 116, '
again': 117, 'right': 118, 'did': 119, 'make': 120, 'by': 121, 'tonight': 122, 'them': 123, 'very': 124, 'gonna'
: 125, 'week': 126, 'yeah': 127, 'better': 128, 'nice': 129, 'way': 130, 'though': 131, 'sleep': 132, 'she': 133
, 'over': 134, 'come': 135, 'could': 136, 'should': 137, 'getting': 138, 'ive': 139, 'weekend': 140, 'bed': 141,
'next': 142, 'people': 143, 'youre': 144, 'school': 145, 'watching': 146, 'after': 147, 'days': 148, 'wait': 149
, 'hate': 150, 'awesome': 151, 'even': 152, 'thing': 153, 'long': 154, 'say': 155, 'down': 156, 'him': 157, 'soo
n': 158, 'little': 159, 'best': 160, 'being': 161, 'wont': 162, 'show': 163, 'hey': 164, 'having': 165, 'working
': 166, 'never': 167, 'who': 168, 'yes': 169, 'thank': 170, 'sure': 171, 'take': 172, 'any': 173, 'ok': 174, 'do
ing': 175, 'cool': 176, 'his': 177, 'because': 178, 'first': 179, 'tired': 180, 'than': 181, 'feeling': 182, 'ma
y': 183, 'done': 184, 'look': 185, 'please': 186, 'sick': 187, 'always': 188, 'life': 189, 'friends': 190, 'ever
yone': 191, 'mom': 192, 'our': 193, 'wanna': 194, 'another': 195, 'doesnt': 196, 'us': 197, 'ur': 198, 'guys': 1
99, 'movie': 200, 'already': 201, 'where': 202, 'phone': 203, 'man': 204, 'something': 205, 'hours': 206, 'final
ly': 207, 'trying': 208, 'ever': 209, 'old': 210, 'before': 211, 'ready': 212, 'house': 213, 'watch': 214, 'made
': 215, 'pretty': 216, 'find': 217, 'left': 218, 'away': 219, 'same': 220, 'went': 221, 'friday': 222, 'yet': 22
3, 'big': 224, 'sucks': 225, 'girl': 226, 'x': 227, 'guess': 228, 'live': 229, 'yay': 230, 'looking': 231, 'into
': 232, 'follow': 233, 'bit': 234, 'let': 235, 'maybe': 236, 'amazing': 237, 'looks': 238, 'year': 239, 'also':
240, 'other': 241, 'omg': 242, 'star': 243, 'thought': 244, 'someone': 245, 'missed': 246, 'actually': 247, 'kee
p': 248, 'wow': 249, 'those': 250, 'monday': 251, 'while': 252, 'friend': 253, 'two': 254, 'hear': 255, 'song':
256, 'things': 257, 'said': 258, 'hot': 259, 'ugh': 260, 'until': 261, 'saw': 262, 'nothing': 263, 'tweet': 264,
'glad': 265, 'early': 266, 'world': 267, 'hard': 268, 'later': 269, 'start': 270, 'try': 271, 'bored': 272, 'job
': 273, 'hes': 274, 'lot': 275, 'havent': 276, 'ya': 277, 'help': 278, 'since': 279, 'birthday': 280, 'read': 28
1, 'such': 282, 'rain': 283, 'n': 284, 'car': 285, 'call': 286, 'play': 287, 'check': 288, 'excited': 289, 'make
s': 290, 'around': 291, 'gone': 292, 'tell': 293, 'isnt': 294, 'till': 295, 'head': 296, 'yesterday': 297, 'wait
ing': 298, 'must': 299, 'anything': 300, 'talk': 301, 'hi': 302, 'late': 303, 'aww': 304, 'poor': 305, 'gotta':
306, 'put': 307, 'cause': 308, 'found': 309, 'few': 310, 'myself': 311, 'almost': 312, 'making': 313, 'coming':
314, 'id': 315, 'weather': 316, 'stuff': 317, 'music': 318, 'baby': 319, 'sun': 320, 'party': 321, 'give': 322,
'hurts': 323, 'god': 324, 'does': 325, 'lost': 326, 'mean': 327, 'summer': 328, 'family': 329, 'many': 330, 'mos
t': 331, 'stupid': 332, 'missing': 333, 'least': 334, 'believe': 335, 'money': 336, 'wasnt': 337, 'might': 338,
'hair': 339, 'tho': 340, 'coffee': 341, 'moms': 342, 'enjoy': 343, 'shes': 344, 'listening': 345, 'times': 346,
'game': 347, 'cold': 348, 'leave': 349, 'far': 350, 'stop': 351, 'anyone': 352, 'wanted': 353, 'end': 354, 'forw
ard': 355, 'which': 356, 'lunch': 357, 'thinking': 358, 'funny': 359, 'sounds': 360, 'their': 361, 'eat': 362, '
playing': 363, 'cute': 364, 'without': 365, 'beautiful': 366, 'whats': 367, 'totally': 368, 'finished': 369, 'we
lcome': 370, 'through': 371, 'luck': 372, 'dinner': 373, 'followers': 374, 'theres': 375, 'mine': 376, 'use': 37
7, 'food': 378, 'free': 379, 'eating': 380, 'kids': 381, 'hour': 382, 'everything': 383, 'couldnt': 384, 'okay':
385, 'hahaha': 386, 'probably': 387, 'lovely': 388, 'whole': 389, 'hell': 390, 'enough': 391, 'place': 392, 'sun
day': 393, 'w': 394, 'took': 395, 'outside': 396, 'every': 397, 'weeks': 398, 'wants': 399, 'years': 400, 'sweet
': 401, 'woke': 402, 'pic': 403, 'these': 404, 'sooo': 405, 'seen': 406, 'kinda': 407, 'buy': 408, 'both': 409,
'says': 410, 'taking': 411, 'class': 412, 'real': 413, 'ha': 414, 'anymore': 415, 'tv': 416, 'following': 417, '
ago': 418, 'busy': 419, 'super': 420, 'else': 421, 'book': 422, 'forgot': 423, 'goodnight': 424, 'stay': 425, 's
tuck': 426, 'full': 427, 'guy': 428, 'boo': 429, 'awww': 430, 'office': 431, 'loved': 432, 'meet': 433, 'wrong':
434, 'own': 435, 'room': 436, 'hit': 437, 'gets': 438, 'r': 439, 'awake': 440, 'came': 441, 'headache': 442, 'ch
ange': 443, 'lots': 444, 'quite': 445, 'kind': 446, 'sitting': 447, 'seems': 448, 'saturday': 449, 'break': 450,
'online': 451, 'video': 452, 'used': 453, 'hopefully': 454, 'shopping': 455, 'd': 456, 'b': 457, 'broke': 458, '
trek': 459, 'wars': 460, 'cry': 461, 'able': 462, 'minutes': 463, 'dog': 464, 'seeing': 465, 'name': 466, 'trip'
: 467, 'mum': 468, 'once': 469, 'crazy': 470, 'called': 471, 'cuz': 472, 'news': 473, 'holiday': 474, 'either':
475, 'theyre': 476, 'idea': 477, 'part': 478, 'hello': 479, 'post': 480, 'internet': 481, 'remember': 482, 'dude
': 483, 'tweets': 484, 'face': 485, 'picture': 486, 'watched': 487, 'iphone': 488, 'alone': 489, 'run': 490, 'on
es': 491, 'instead': 492, 'dad': 493, 'starting': 494, 'btw': 495, 'heard': 496, 'mind': 497, 'ah': 498, 'evenin
g': 499, 'computer': 500, 'hurt': 501, 'facebook': 502, 'fine': 503, 'fan': 504, 'blog': 505, 'goes': 506, 'drin
k': 507, 's': 508, 'soo': 509, 'lil': 510, 'concert': 511, 'send': 512, 'win': 513, 'half': 514, 'loves': 515, '
til': 516, 'told': 517, 'feels': 518, 'o': 519, 'hehe': 520, 'needs': 521, 'yea': 522, 'tried': 523, 'running':
524, 'breakfast': 525, 'perfect': 526, 'girls': 527, 'close': 528, 'talking': 529, 'month': 530, 'person': 531,
'true': 532, 'fail': 533, 'wonderful': 534, 'writing': 535, 'dead': 536, 'months': 537, 'bought': 538, 'site': 5
39, 'couple': 540, 'pain': 541, 'high': 542, 'open': 543, 'drive': 544, 'move': 545, 'hungry': 546, 'aw': 547, '
soooo': 548, 'bank': 549, 'rest': 550, 'lucky': 551, 'exam': 552, 'email': 553, 'happened': 554, 'heart': 555, '
hoping': 556, 'happen': 557, 'beach': 558, 'turn': 559, 'goin': 560, 'lets': 561, 'tickets': 562, 'youll': 563,
'link': 564, 'definitely': 565, 'raining': 566, 'june': 567, 'problem': 568, 'ice': 569, 'sleeping': 570, 'borin
g': 571, 'favorite': 572, 'top': 573, 'mommy': 574, 'lmao': 575, 'started': 576, 'anyway': 577, 'wake': 578, 'se
t': 579, 'supposed': 580, 'moment': 581, 'means': 582, 'test': 583, 'sunny': 584, 'ask': 585, 'sometimes': 586,
'yall': 587, 'p': 588, 'nite': 589, 'leaving': 590, 'mother': 591, 'spend': 592, 'catch': 593, 'bday': 594, 'you
tube': 595, 'comes': 596, 'asleep': 597, 'photo': 598, 'vote': 599, 'tea': 600, 'heading': 601, 'eyes': 602, 're
ason': 603, 'shower': 604, 'cat': 605, 'suck': 606, 'boy': 607, 'rock': 608, 'sore': 609, 'gave': 610, 'account'
: 611, 'la': 612, 'city': 613, 'reply': 614, 'pictures': 615, 'cleaning': 616, 'past': 617, 'red': 618, 'togethe
r': 619, 'wouldnt': 620, 'saying': 621, 'season': 622, 'moving': 623, 'chocolate': 624, 'wishing': 625, 'arent':
626, 'tour': 627, 'pics': 628, 'knew': 629, 'mad': 630, 'course': 631, 'interesting': 632, 'reading': 633, 'drea
m': 634, 'less': 635, 'bring': 636, 'special': 637, 'short': 638, 'care': 639, 'list': 640, 'songs': 641, 'hang'
: 642, 'due': 643, 'dear': 644, 'fast': 645, 'driving': 646, 'worth': 647, 'bout': 648, 'using': 649, 'xd': 650,
'movies': 651, 'bye': 652, 'sound': 653, 'flu': 654, 'date': 655, 'fair': 656, 'add': 657, 'water': 658, 'write'
: 659, 'cream': 660, 'cake': 661, 'fell': 662, 'cut': 663, 'ppl': 664, 'three': 665, 'google': 666, 'town': 667,
'congrats': 668, 'forget': 669, 'plus': 670, 'exams': 671, 'drinking': 672, 'afternoon': 673, 'london': 674, 'se
em': 675, 'jonas': 676, 'aint': 677, 'nope': 678, 'broken': 679, 'text': 680, 'meeting': 681, 'photos': 682, 'uk
': 683, 'card': 684, 'fb': 685, 'final': 686, 'sadly': 687, 'nap': 688, 'laptop': 689, 'chance': 690, 'ahh': 691
, 'boys': 692, 'liked': 693, 'enjoying': 694, 'died': 695, 'seriously': 696, 'second': 697, 'finish': 698, 'jeal
ous': 699, 'english': 700, 'point': 701, 'unfortunately': 702, 'figure': 703, 'plans': 704, 'different': 705, 'l
ooked': 706, 'camera': 707, 'learn': 708, 'message': 709, 'brothers': 710, 'park': 711, 'listen': 712, 'warm': 7
13, 'yep': 714, 'em': 715, 'bgt': 716, 'episode': 717, 'ipod': 718, 'walk': 719, 'youve': 720, 'mood': 721, 'mea
nt': 722, 'pizza': 723, 'weird': 724, 'spent': 725, 'understand': 726, 'c': 727, 'horrible': 728, 'white': 729,
'side': 730, 'wedding': 731, 'wtf': 732, 'beer': 733, 'earlier': 734, 'agree': 735, 'study': 736, 'store': 737,
'album': 738, 'under': 739, 'parents': 740, 'sister': 741, 'living': 742, 'especially': 743, 'crying': 744, 'eve
rybody': 745, 'apparently': 746, 'save': 747, 'behind': 748, 'worst': 749, 'shame': 750, 'slow': 751, 'black': 7
52, 'ride': 753, 'page': 754, 'gym': 755, 'project': 756, 'sent': 757, 'die': 758, 'bus': 759, 'idk': 760, 'show
s': 761, 'ate': 762, 'bet': 763, 'upset': 764, 'starts': 765, 'garden': 766, 'word': 767, 'fall': 768, 'clean':
769, 'slept': 770, 'hanging': 771, 'along': 772, 'sat': 773, 'wondering': 774, 'business': 775, 'easy': 776, 'fa
ct': 777, 'needed': 778, 'huge': 779, 'longer': 780, 'worry': 781, 'stomach': 782, 'ohh': 783, 'wishes': 784, 'b
less': 785, 'number': 786, 'brother': 787, 'rather': 788, 'windows': 789, 'each': 790, 'lady': 791, 'played': 79
2, 'mr': 793, 'tweeting': 794, 'da': 795, 'pick': 796, 'inside': 797, 'absolutely': 798, 'works': 799, 'cheese':
800, 'words': 801, 'line': 802, 'story': 803, 'sunshine': 804, 'wear': 805, 'sigh': 806, 'during': 807, 'team':
808, 'bike': 809, 'fans': 810, 'babe': 811, 'dance': 812, 'yours': 813, 'green': 814, 'dang': 815, 'ahhh': 816,
'lonely': 817, 'throat': 818, 'relaxing': 819, 'fantastic': 820, 'near': 821, 'yum': 822, 'wine': 823, 'company'
: 824, 'dreams': 825, 'loving': 826, 'college': 827, 'hates': 828, 'smile': 829, 'yummy': 830, 'except': 831, 'w
onder': 832, 'kid': 833, 'hows': 834, 'bc': 835, 'mac': 836, 'nights': 837, 'ouch': 838, 'won': 839, 'exactly':
840, 'son': 841, 'answer': 842, 'chat': 843, 'plan': 844, 'traffic': 845, 'huh': 846, 'share': 847, 'chicken': 8
48, 'sign': 849, 'itll': 850, 'graduation': 851, 'closed': 852, 'bbq': 853, 'drunk': 854, 'moon': 855, 'm': 856,
'officially': 857, 'prom': 858, 'happens': 859, 'safe': 860, 'comment': 861, 'guitar': 862, 'mums': 863, 'blue':
864, 'low': 865, 'club': 866, 'lame': 867, 'feet': 868, 'hmm': 869, 'join': 870, 'update': 871, 'hand': 872, 'sl
eepy': 873, 'thx': 874, 'flight': 875, 'shop': 876, 'cannot': 877, 'yourself': 878, 'train': 879, 'radio': 880,
'chillin': 881, 'shoes': 882, 'ran': 883, 'worse': 884, 'completely': 885, 'sing': 886, 'worked': 887, 'gift': 8
88, 'whatever': 889, 'exciting': 890, 'decided': 891, 'ps': 892, 'luv': 893, 'cup': 894, 'app': 895, 'visit': 89
6, 'gutted': 897, 'woo': 898, 'wife': 899, 'hun': 900, 'lazy': 901, 'miles': 902, 'cos': 903, 'homework': 904, '
snl': 905, 'problems': 906, 'case': 907, 'body': 908, 'via': 909, 'hospital': 910, 'fly': 911, 'etc': 912, 'vers
ion': 913, 'apple': 914, 'keeps': 915, 'dvd': 916, 'middle': 917, 'dress': 918, 'math': 919, 'felt': 920, 'men':
921, 'forever': 922, 'hug': 923, 'swine': 924, 'although': 925, 'boyfriend': 926, 'paper': 927, 'shirt': 928, 'm
in': 929, 'french': 930, 'website': 931, 'updates': 932, 'fingers': 933, 'band': 934, 'church': 935, 'air': 936,
'sexy': 937, 'mama': 938, 'front': 939, 'goodbye': 940, 'somewhere': 941, 'y': 942, 'clothes': 943, 'thinks': 94
4, 'hubby': 945, 'jus': 946, 'justin': 947, 'shall': 948, 'hugs': 949, 'revision': 950, 'single': 951, 'deal': 9
52, 'round': 953, 'note': 954, 'studying': 955, 'staying': 956, 'packing': 957, 'messages': 958, 'pool': 959, 'd
ark': 960, 'alot': 961, 'tuesday': 962, 'giving': 963, 'ooh': 964, 'service': 965, 'small': 966, 'rainy': 967, '
stopped': 968, 'cd': 969, 'screen': 970, 'support': 971, 'taken': 972, 'realized': 973, 'thursday': 974, 'mate':
975, 'legs': 976, 'dm': 977, 'airport': 978, 'checked': 979, 'sold': 980, 'posted': 981, 'minute': 982, 'pass':
983, 'appreciate': 984, 'count': 985, 'waking': 986, 'anytime': 987, 'usually': 988, 'dogs': 989, 'indeed': 990,
'matter': 991, 'videos': 992, 'tom': 993, 'hahah': 994, 'david': 995, 'calling': 996, 'vegas': 997, 'kill': 998,
'film': 999, 'rip': 1000, 'alright': 1001, 'hannah': 1002, 'tummy': 1003, 'scary': 1004, 'john': 1005, 'taylor':
1006, 'quick': 1007, 'disappointed': 1008, 'coz': 1009, 'wolverine': 1010, 'moved': 1011, 'starbucks': 1012, 'ta
kes': 1013, 'ended': 1014, 'scared': 1015, 'others': 1016, 'xoxo': 1017, 'bro': 1018, 'nyc': 1019, 'web': 1020,
'followfriday': 1021, 'sit': 1022, 'awful': 1023, 'met': 1024, 'puppy': 1025, 'books': 1026, 'door': 1027, 'twil
ight': 1028, 'paid': 1029, 'follower': 1030, 'ima': 1031, 'pay': 1032, 'ff': 1033, 'wearing': 1034, 'extra': 103
5, 'nobody': 1036, 'milk': 1037, 'cheers': 1038, 'eh': 1039, 'five': 1040, 'july': 1041, 'group': 1042, 'feelin'
: 1043, 'failed': 1044, 'walking': 1045, 'fam': 1046, 'killed': 1047, 'likes': 1048, 'proud': 1049, 'quiet': 105
0, 'hasnt': 1051, 'normal': 1052, 'prob': 1053, 'telling': 1054, 'random': 1055, 'currently': 1056, 'thru': 1057
, 'code': 1058, 'knows': 1059, 'return': 1060, 'blood': 1061, 'lose': 1062, 'planning': 1063, 'none': 1064, 'bre
aking': 1065, 'heat': 1066, 'brain': 1067, 'load': 1068, 'yup': 1069, 'dunno': 1070, 'wheres': 1071, 'question':
1072, 'bummed': 1073, 'fix': 1074, 'mobile': 1075, 'spending': 1076, 'history': 1077, 'followed': 1078, 'enjoyed
': 1079, 'yo': 1080, 'blackberry': 1081, 'box': 1082, 'myspace': 1083, 'public': 1084, 'yr': 1085, 'outta': 1086
, 'social': 1087, 'delicious': 1088, 'sending': 1089, 'copy': 1090, 'cousin': 1091, 'young': 1092, 'gorgeous': 1
093, 'mention': 1094, 'ticket': 1095, 'cover': 1096, 'fever': 1097, 'between': 1098, 'beat': 1099, 'ages': 1100,
'changed': 1101, 'profile': 1102, 'bloody': 1103, 'become': 1104, 'pc': 1105, 'k': 1106, 'calls': 1107, 'peeps':
1108, 'peace': 1109, 'double': 1110, 'fav': 1111, 'classes': 1112, 'l': 1113, 'anyways': 1114, 'games': 1115, 'i
magine': 1116, 'rocks': 1117, 'nah': 1118, 'i�m': 1119, 'silly': 1120, 'upload': 1121, 'wednesday': 1122, 'cri
ed': 1123, 'gettin': 1124, 'machine': 1125, 'fat': 1126, 'touch': 1127, 'cats': 1128, 'fixed': 1129, 'bummer': 1
130, 'cook': 1131, 'worried': 1132, 'cancelled': 1133, 'congratulations': 1134, 'tonite': 1135, 'voice': 1136, '
itunes': 1137, 'library': 1138, 'download': 1139, 'caught': 1140, 'power': 1141, 'serious': 1142, 'hands': 1143,
'record': 1144, 'death': 1145, 'sis': 1146, 'hrs': 1147, 'surgery': 1148, 'eye': 1149, 'sale': 1150, 'light': 11
51, 'finger': 1152, 'lake': 1153, 'daddy': 1154, 'street': 1155, 'afraid': 1156, 'miley': 1157, 'favourite': 115
8, 'bar': 1159, 'foot': 1160, 'annoying': 1161, 'catching': 1162, 'singing': 1163, 'art': 1164, 'vacation': 1165
, 'freaking': 1166, 'pray': 1167, 'fml': 1168, 'dads': 1169, 'self': 1170, 'ugly': 1171, 'energy': 1172, 'chicag
o': 1173, 'fave': 1174, 'afford': 1175, 'jon': 1176, 'mcfly': 1177, 'session': 1178, 'children': 1179, 'sort': 1
180, 'keeping': 1181, 'entire': 1182, 'shot': 1183, 'stand': 1184, 'places': 1185, 'putting': 1186, 'somebody':
1187, 'knee': 1188, 'expensive': 1189, 'mmm': 1190, 'however': 1191, 'bag': 1192, 'four': 1193, 'pack': 1194, 's
houldnt': 1195, 'notice': 1196, 'daughter': 1197, 'everyday': 1198, 'falling': 1199, 'race': 1200, 'possible': 1
201, 'sooooo': 1202, 'sydney': 1203, 'freakin': 1204, 'hold': 1205, 'usual': 1206, 'access': 1207, 'loads': 1208
, 'v': 1209, 'turned': 1210, 'anybody': 1211, 'chinese': 1212, 'ohhh': 1213, 'xo': 1214, 'barely': 1215, 'troubl
e': 1216, 'smh': 1217, 'germany': 1218, 'shut': 1219, 'dancing': 1220, 'interview': 1221, 'apartment': 1222, 'um
': 1223, 'laugh': 1224, 'mess': 1225, 'philippines': 1226, 'depressed': 1227, 'ball': 1228, 'lately': 1229, 'ava
ilable': 1230, 'brought': 1231, 'mommies': 1232, 'lived': 1233, 'drop': 1234, 'across': 1235, 'window': 1236, 'f
ire': 1237, 'suppose': 1238, 'oops': 1239, 'latest': 1240, 'joke': 1241, 'apart': 1242, 'info': 1243, 'showing':
1244, 'sux': 1245, 'nearly': 1246, 'hilarious': 1247, 'road': 1248, 'twice': 1249, 'darn': 1250, 'whos': 1251, '
ordered': 1252, 'def': 1253, 'talent': 1254, 'area': 1255, 'future': 1256, 'floor': 1257, 'jobs': 1258, 'shift':
1259, 'tha': 1260, 'holy': 1261, 'system': 1262, 'confused': 1263, 'cheer': 1264, 'jay': 1265, 'sky': 1266, 'gig
': 1267, 'wat': 1268, 'sweetie': 1269, 'fab': 1270, 'expected': 1271, 'figured': 1272, 'updated': 1273, 'nd': 12
74, 'design': 1275, 'losing': 1276, 'coast': 1277, 'mins': 1278, 'hurting': 1279, 'cost': 1280, 'vid': 1281, 'ma
il': 1282, 'thanx': 1283, 'heh': 1284, 'ny': 1285, 'finishing': 1286, 'surprise': 1287, 'exhausted': 1288, 'hone
y': 1289, 'sense': 1290, 'present': 1291, 'buying': 1292, 'plane': 1293, 'somehow': 1294, 'deep': 1295, 'wanting
': 1296, 'husband': 1297, 'deserve': 1298, 'earth': 1299, 'youd': 1300, 'pink': 1301, 'awwww': 1302, 'terrible':
1303, 'wit': 1304, 'woman': 1305, 'often': 1306, 'order': 1307, 'sushi': 1308, 'track': 1309, 'fight': 1310, 'mo
mma': 1311, 'picked': 1312, 'california': 1313, 'dammit': 1314, 'strange': 1315, 'bird': 1316, 'complete': 1317,
'dnt': 1318, 'san': 1319, 'onto': 1320, 'bb': 1321, 'speak': 1322, 'weve': 1323, 'killing': 1324, 'block': 1325,
'cousins': 1326, 'messed': 1327, 'mondays': 1328, 'match': 1329, 'ma': 1330, 'space': 1331, 'stick': 1332, 'amer
ican': 1333, 'abt': 1334, 'swear': 1335, 'cooking': 1336, 'leg': 1337, 'woot': 1338, 'everywhere': 1339, 'asked'
: 1340, 'de': 1341, 'jack': 1342, 'joe': 1343, 'empty': 1344, 'cell': 1345, 'productive': 1346, 'diet': 1347, 'm
outh': 1348, 'burnt': 1349, 'private': 1350, 'holidays': 1351, 'fresh': 1352, 'throw': 1353, 'article': 1354, 'g
rand': 1355, 'cloudy': 1356, 'allowed': 1357, 'shots': 1358, 'epic': 1359, 'e': 1360, 'channel': 1361, 'gotten':
1362, 'tweetdeck': 1363, 'age': 1364, 'hav': 1365, 'third': 1366, 'learned': 1367, 'blast': 1368, 'joy': 1369, '
easier': 1370, 'ladies': 1371, 'headed': 1372, 'plenty': 1373, 'laying': 1374, 'heres': 1375, 'doubt': 1376, 'gr
eg': 1377, 'august': 1378, 'kno': 1379, 'macbook': 1380, 'lay': 1381, 'fully': 1382, 'pissed': 1383, 'drag': 138
4, 'truly': 1385, 'simple': 1386, 'event': 1387, 're': 1388, 'disney': 1389, 'married': 1390, 'sugar': 1391, 'st
yle': 1392, 'dying': 1393, 'lookin': 1394, 'fridays': 1395, 'ac': 1396, 'bottle': 1397, 'ahhhh': 1398, 'quiz': 1
399, 'perhaps': 1400, 'neck': 1401, 'doin': 1402, 'turns': 1403, 'finals': 1404, 'blessed': 1405, 'fit': 1406, '
depressing': 1407, 'uploading': 1408, 'doctor': 1409, 'argh': 1410, 'six': 1411, 'ring': 1412, 'fabulous': 1413,
'gear': 1414, 'helping': 1415, 'dry': 1416, 'bug': 1417, 'hoo': 1418, 'arms': 1419, 'major': 1420, 'midnight': 1
421, 'closing': 1422, 'flowers': 1423, 'sam': 1424, 'tonights': 1425, 'downloaded': 1426, 'direct': 1427, 'lie':
1428, 'stressed': 1429, 'blame': 1430, 'nervous': 1431, 'planned': 1432, 'hahahaha': 1433, 'awe': 1434, 'keys':
1435, 'boss': 1436, 'soup': 1437, 'asking': 1438, 'g': 1439, 'conversation': 1440, 'realize': 1441, 'background'
: 1442, 'release': 1443, 'teaching': 1444, 'uncle': 1445, 'excellent': 1446, 'reminds': 1447, 'ily': 1448, 'shoo
t': 1449, 'leno': 1450, 'presentation': 1451, 'gosh': 1452, 'row': 1453, 'abusesighabuse': 1454, 'sunburn': 1455
, 'pleasure': 1456, 'promise': 1457, 'paying': 1458, 'training': 1459, 'born': 1460, 'painting': 1461, 'desktop'
: 1462, 'suggestions': 1463, 'dave': 1464, 'jk': 1465, 'stress': 1466, 'sum': 1467, 'atm': 1468, 'fish': 1469, '
deck': 1470, 'ideas': 1471, 'women': 1472, 'properly': 1473, 'pm': 1474, 'tix': 1475, 'experience': 1476, 'hango
ver': 1477, 'abusehugsabuse': 1478, 'wee': 1479, 'australia': 1480, 'fighting': 1481, 'travel': 1482, 'chris': 1
483, 'uni': 1484, 'loud': 1485, 'dr': 1486, 'canada': 1487, 'burn': 1488, 'south': 1489, 'na': 1490, 'j': 1491,
'slightly': 1492, 'pull': 1493, 'magic': 1494, 'twitpic': 1495, 'happiness': 1496, 'craving': 1497, 'bf': 1498,
'mrs': 1499, 'essay': 1500, 'watchin': 1501, 'mall': 1502, 'spot': 1503, 'dressed': 1504, 'recommend': 1505, 'un
less': 1506, 'hmmm': 1507, 'straight': 1508, 'ben': 1509, 'wide': 1510, 'teeth': 1511, 'decide': 1512, 'button':
1513, 'tip': 1514, 'montana': 1515, 'added': 1516, 'besides': 1517, 'mommys': 1518, 'north': 1519, 'butter': 152
0, 'local': 1521, 'practice': 1522, 'ms': 1523, 'partying': 1524, 'wild': 1525, 'chick': 1526, 't': 1527, 'dc':
1528, 'passed': 1529, 'impressed': 1530, 'booked': 1531, 'spring': 1532, 'ahead': 1533, 'mix': 1534, 'drinks': 1
535, 'nails': 1536, 'lord': 1537, 'dropped': 1538, 'noticed': 1539, 'becoming': 1540, 'action': 1541, 'burned':
1542, 'bathroom': 1543, 'wo': 1544, 'tgif': 1545, 'supernatural': 1546, '�': 1547, 'emails': 1548, 'fancy': 15
49, 'waste': 1550, 'chill': 1551, 'table': 1552, 'episodes': 1553, 'dentist': 1554, 'swimming': 1555, 'mo': 1556
, 'mile': 1557, 'timberlake': 1558, 'invite': 1559, 'kiss': 1560, 'nowhere': 1561, 'neither': 1562, 'arrived': 1
563, 'waitin': 1564, 'teacher': 1565, 'given': 1566, 'cookies': 1567, 'hero': 1568, 'choice': 1569, 'crash': 157
0, 'kate': 1571, 'england': 1572, 'lives': 1573, 'doc': 1574, 'delayed': 1575, 'imma': 1576, 'credit': 1577, 'fa
ult': 1578, 'jump': 1579, 'issues': 1580, 'twit': 1581, 'ears': 1582, 'laughing': 1583, 'desk': 1584, 'tongue':
1585, 'sucked': 1586, 'blah': 1587, 'fourth': 1588, 'arm': 1589, 'twittering': 1590, 'joined': 1591, 'doctors':
1592, 'slowly': 1593, 'quote': 1594, 'trailer': 1595, 'alarm': 1596, 'werent': 1597, 'glasses': 1598, 'fake': 15
99, 'awards': 1600, 'ocean': 1601, 'tweeps': 1602, 'sharing': 1603, 'hadnt': 1604, 'rite': 1605, 'issue': 1606,
'piece': 1607, 'review': 1608, 'alex': 1609, 'comments': 1610, 'er': 1611, 'ruined': 1612, 'lesson': 1613, 'egg'
: 1614, 'christian': 1615, 'talked': 1616, 'america': 1617, 'country': 1618, 'cars': 1619, 'york': 1620, 'swim':
1621, 'peoples': 1622, 'nose': 1623, 'celebrate': 1624, 'folks': 1625, 'misses': 1626, 'badly': 1627, 'mamas': 1
628, 'pages': 1629, 'nick': 1630, 'massage': 1631, 'grrr': 1632, 'gives': 1633, 'washing': 1634, 'east': 1635, '
cards': 1636, 'ow': 1637, 'interested': 1638, 'topic': 1639, 'jimmy': 1640, 'baseball': 1641, 'evil': 1642, 'win
ter': 1643, 'type': 1644, 'gah': 1645, 'twitters': 1646, 'clear': 1647, 'hurry': 1648, 'board': 1649, 'laundry':
1650, 'pls': 1651, 'seattle': 1652, 'large': 1653, 'mark': 1654, 'flat': 1655, 'bedtime': 1656, 'secret': 1657,
'tough': 1658, 'color': 1659, 'thoughts': 1660, 'net': 1661, 'listened': 1662, 'battery': 1663, 'demi': 1664, 'o
ooh': 1665, 'wisdom': 1666, 'remembered': 1667, 'workin': 1668, 'normally': 1669, 'purple': 1670, 'student': 167
1, 'hugh': 1672, 'britains': 1673, 'series': 1674, 'wash': 1675, 'details': 1676, 'prefer': 1677, 'van': 1678, '
msn': 1679, 'theyve': 1680, 'theatre': 1681, 'kidding': 1682, 'buddy': 1683, 'juice': 1684, 'hella': 1685, 'bigg
er': 1686, 'aha': 1687, 'pop': 1688, 'texas': 1689, 'crappy': 1690, 'bath': 1691, 'step': 1692, 'tweeted': 1693,
'hotel': 1694, 'healthy': 1695, 'talkin': 1696, 'editing': 1697, 'competition': 1698, 'starving': 1699, 'hopes':
1700, 'realised': 1701, 'speech': 1702, 'goodness': 1703, 'difference': 1704, 'heyy': 1705, 'cupcakes': 1706, 'r
ich': 1707, 'drama': 1708, 'praying': 1709, 'kitchen': 1710, 'including': 1711, 'voted': 1712, 'meal': 1713, 'st
eve': 1714, 'toe': 1715, 'babies': 1716, 'west': 1717, 'bay': 1718, 'contact': 1719, 'grown': 1720, 'search': 17
21, 'cnt': 1722, 'gud': 1723, 'toast': 1724, 'finding': 1725, 'surprised': 1726, 'attention': 1727, 'weekends':
1728, 'todays': 1729, 'bunch': 1730, 'states': 1731, 'bee': 1732, 'asap': 1733, 'network': 1734, 'shining': 1735
, 'opening': 1736, 'wen': 1737, 'stock': 1738, 'standing': 1739, 'official': 1740, 'gross': 1741, 'literally': 1
742, 'ups': 1743, 'learning': 1744, 'happening': 1745, 'kitty': 1746, 'heaven': 1747, 'quit': 1748, 'mode': 1749
, 'pub': 1750, 'worries': 1751, 'lakers': 1752, 'posting': 1753, 'mmmm': 1754, 'state': 1755, 'respond': 1756, '
saving': 1757, 'choose': 1758, 'usa': 1759, 'limit': 1760, 'reality': 1761, 'jam': 1762, 'female': 1763, 'advice
': 1764, 'gots': 1765, 'rice': 1766, 'feed': 1767, 'strong': 1768, 'despite': 1769, 'studio': 1770, 'ryan': 1771
, 'bacon': 1772, 'important': 1773, 'apps': 1774, 'christmas': 1775, 'ten': 1776, 'parts': 1777, 'sell': 1778, '
screwed': 1779, 'sisters': 1780, 'key': 1781, 'angry': 1782, 'obviously': 1783, 'kick': 1784, 'wed': 1785, 'jame
s': 1786, 'hardly': 1787, 'uh': 1788, 'painful': 1789, 'letting': 1790, 'boot': 1791, 'hat': 1792, 'continue': 1
793, 'packed': 1794, 'tiny': 1795, 'basically': 1796, 'center': 1797, 'camp': 1798, 'lessons': 1799, 'closer': 1
800, 'rains': 1801, 'forgive': 1802, 'odd': 1803, 'bio': 1804, 'wii': 1805, 'bill': 1806, 'thomas': 1807, 'light
s': 1808, 'drugs': 1809, 'offer': 1810, 'excuse': 1811, 'rush': 1812, 'comp': 1813, 'stayed': 1814, 'ew': 1815,
'admit': 1816, 'keyboard': 1817, 'havin': 1818, 'f': 1819, 'october': 1820, 'bah': 1821, 'accident': 1822, 'pean
ut': 1823, 'downtown': 1824, 'helps': 1825, 'grandma': 1826, 'deleted': 1827, 'notes': 1828, 'released': 1829, '
michael': 1830, 'fyi': 1831, 'research': 1832, 'pants': 1833, 'vet': 1834, 'crossed': 1835, 'ashley': 1836, 'sea
rching': 1837, 'aswell': 1838, 'trending': 1839, 'sims': 1840, 'anywhere': 1841, 'sometime': 1842, 'bright': 184
3, 'bear': 1844, 'law': 1845, 'attempt': 1846, 'yrs': 1847, 'firefox': 1848, 'wet': 1849, 'alas': 1850, 'request
': 1851, 'surely': 1852, 'otherwise': 1853, 'boston': 1854, 'woohoo': 1855, 'awhile': 1856, 'wall': 1857, 'cheap
': 1858, 'cavs': 1859, 'everyones': 1860, 'storm': 1861, 'posts': 1862, 'changing': 1863, 'speaking': 1864, 'hai
rcut': 1865, 'pulled': 1866, 'kept': 1867, 'bones': 1868, 'xmen': 1869, 'rofl': 1870, 'report': 1871, 'program':
1872, 'freezing': 1873, 'schedule': 1874, 'soooooo': 1875, 'stack': 1876, 'tan': 1877, 'cancer': 1878, 'question
s': 1879, 'makin': 1880, 'golf': 1881, 'holly': 1882, 'heck': 1883, 'oo': 1884, 'degrees': 1885, 'status': 1886,
'roast': 1887, 'alcohol': 1888, 'schools': 1889, 'hd': 1890, 'annoyed': 1891, 'adorable': 1892, 'sandwich': 1893
, 'marathon': 1894, 'blocked': 1895, 'panic': 1896, 'driver': 1897, 'station': 1898, 'vs': 1899, 'portfolio': 19
00, 'theme': 1901, 'updating': 1902, 'memory': 1903, 'taste': 1904, 'hee': 1905, 'parking': 1906, 'bein': 1907,
'atl': 1908, 'replies': 1909, 'yayy': 1910, 'several': 1911, 'treat': 1912, 'scene': 1913, 'hearing': 1914, 'dir
ty': 1915, 'kelly': 1916, 'cutting': 1917, 'cleaned': 1918, 'budget': 1919, 'bills': 1920, 'challenge': 1921, 'w
hether': 1922, 'idiot': 1923, 'retweet': 1924, 'couch': 1925, 'against': 1926, 'awsome': 1927, 'rocked': 1928, '
noooo': 1929, 'picking': 1930, 'kisses': 1931, 'tweeters': 1932, 'whew': 1933, 'orange': 1934, 'flying': 1935, '
invited': 1936, 'brand': 1937, 'makeup': 1938, 'sa': 1939, 'balls': 1940, 'shiny': 1941, 'nicole': 1942, 'square
': 1943, 'famous': 1944, 'performance': 1945, 'health': 1946, 'known': 1947, 'memories': 1948, 'te': 1949, 'bunn
y': 1950, 'golden': 1951, 'lmfao': 1952, 'whoa': 1953, 'matt': 1954, 'thankyou': 1955, 'fashion': 1956, 'points'
: 1957, 'urgh': 1958, 'bella': 1959, 'knowing': 1960, 'pair': 1961, 'price': 1962, 'possibly': 1963, 'mostly': 1
964, 'thankful': 1965, 'level': 1966, 'above': 1967, 'pity': 1968, 'certain': 1969, 'tune': 1970, 'someday': 197
1, 'ftw': 1972, 'paramore': 1973, 'himself': 1974, 'rachel': 1975, 'truck': 1976, 'role': 1977, 'degree': 1978,
'chapter': 1979, 'gray': 1980, 'bands': 1981, 'tattoo': 1982, 'filled': 1983, 'chest': 1984, 'within': 1985, 'dr
ank': 1986, 'fellow': 1987, 'mistake': 1988, 'brown': 1989, 'named': 1990, 'ahaha': 1991, 'clue': 1992, 'subway'
: 1993, 'situation': 1994, 'skills': 1995, 'hm': 1996, 'server': 1997, 'football': 1998, 'glorious': 1999, 'fath
er': 2000, 'workout': 2001, 'relax': 2002, 'grey': 2003, 'steak': 2004, 'mcdonalds': 2005, 'score': 2006, 'hangi
n': 2007, 'celebrating': 2008, 'total': 2009, 'science': 2010, 'bound': 2011, 'spam': 2012, 'ace': 2013, 'spell'
: 2014, 'sry': 2015, 'seat': 2016, 'laughed': 2017, 'sudden': 2018, 'brazil': 2019, 'bff': 2020, 'lack': 2021, '
paint': 2022, 'allergies': 2023, 'land': 2024, 'frustrated': 2025, 'ii': 2026, 'shout': 2027, 'managed': 2028, '
charge': 2029, 'weight': 2030, 'cookie': 2031, 'view': 2032, 'cable': 2033, 'gunna': 2034, 'expect': 2035, 'like
ly': 2036, 'flash': 2037, 'chilling': 2038, 'period': 2039, 'daughters': 2040, 'paranoid': 2041, 'voting': 2042,
'considering': 2043, 'popular': 2044, 'million': 2045, 'quality': 2046, 'loose': 2047, 'wrote': 2048, 'hunting':
2049, 'teach': 2050, 'giant': 2051, 'crush': 2052, 'tmrw': 2053, 'noo': 2054, 'texting': 2055, 'insane': 2056, '
ga': 2057, 'term': 2058, 'charger': 2059, 'smell': 2060, 'adam': 2061, 'bk': 2062, 'involved': 2063, 'americans'
: 2064, 'honestly': 2065, 'loss': 2066, 'act': 2067, 'holding': 2068, 'duty': 2069, 'positive': 2070, 'bringing'
: 2071, 'shooting': 2072, 'uses': 2073, 'diego': 2074, 'al': 2075, 'shine': 2076, 'log': 2077, 'sf': 2078, 'rule
': 2079, 'mission': 2080, 'success': 2081, 'tooth': 2082, 'migraine': 2083, 'counting': 2084, 'dat': 2085, 'that
ll': 2086, 'josh': 2087, 'honest': 2088, 'andy': 2089, 'ignore': 2090, 'usb': 2091, 'collection': 2092, 'laid':
2093, 'mary': 2094, 'grad': 2095, 'cyrus': 2096, 'avoid': 2097, 'gossip': 2098, 'address': 2099, 'ang': 2100, 'p
a': 2101, 'ty': 2102, 'hr': 2103, 'gifts': 2104, 'click': 2105, 'canceled': 2106, 'crack': 2107, 'sports': 2108,
'toys': 2109, 'il': 2110, 'glass': 2111, 'aim': 2112, 'socks': 2113, 'yu': 2114, 'dishes': 2115, 'fries': 2116,
'vista': 2117, 'saved': 2118, 'nooo': 2119, 'dj': 2120, 'reviews': 2121, 'covered': 2122, 'biggest': 2123, 'when
ever': 2124, 'bottom': 2125, 'grab': 2126, 'smart': 2127, 'beyond': 2128, 'grow': 2129, 'addicted': 2130, 'pet':
2131, 'personal': 2132, 'beta': 2133, 'field': 2134, 'certainly': 2135, 'installed': 2136, 'launch': 2137, 'shel
l': 2138, 'per': 2139, 'drove': 2140, 'url': 2141, 'cali': 2142, 'content': 2143, 'swift': 2144, 'brings': 2145,
'florida': 2146, 'screw': 2147, 'assignment': 2148, 'idol': 2149, 'control': 2150, 'constant': 2151, 'ways': 215
2, 'model': 2153, 'eggs': 2154, 'brian': 2155, 'theyll': 2156, 'ankle': 2157, 'tons': 2158, 'mexican': 2159, 'bu
gs': 2160, 'heads': 2161, 'smells': 2162, 'chips': 2163, 'daily': 2164, 'impossible': 2165, 'player': 2166, 'app
ointment': 2167, 'cakes': 2168, 'replied': 2169, 'sara': 2170, 'sunburnt': 2171, 'mommas': 2172, 'mini': 2173, '
piss': 2174, 'dumb': 2175, 'tech': 2176, 'tis': 2177, 'avatar': 2178, 'building': 2179, 'booo': 2180, 'tree': 21
81, 'gnight': 2182, 'roll': 2183, 'gloomy': 2184, 'growing': 2185, 'tips': 2186, 'shoutout': 2187, 'sway': 2188,
'recovering': 2189, 'lang': 2190, 'st': 2191, 'soul': 2192, 'gf': 2193, 'horse': 2194, 'mummy': 2195, 'seconds':
2196, 'carter': 2197, 'hill': 2198, 'successful': 2199, 'truth': 2200, 'ton': 2201, 'photography': 2202, 'based'
: 2203, 'checking': 2204, 'media': 2205, 'hills': 2206, 'humor': 2207, 'nerd': 2208, 'cancel': 2209, 'backup': 2
210, 'mtv': 2211, 'ends': 2212, 'convinced': 2213, 'corner': 2214, 'boat': 2215, 'salad': 2216, 'hehehe': 2217,
'goodmorning': 2218, 'zero': 2219, 'tokyo': 2220, 'turning': 2221, 'butt': 2222, 'trust': 2223, 'spread': 2224,
'feelings': 2225, 'talented': 2226, 'isnabuse': 2227, 'plz': 2228, 'ooo': 2229, 'glasgow': 2230, 'oven': 2231, '
ca': 2232, 'friendly': 2233, 'lawn': 2234, 'sir': 2235, 'semester': 2236, 'ache': 2237, 'farm': 2238, 'thunder':
2239, 'knight': 2240, 'mouse': 2241, 'dawn': 2242, 'hulu': 2243, 'core': 2244, 'walmart': 2245, 'bowling': 2246,
'flick': 2247, 'hah': 2248, 'extremely': 2249, 'eww': 2250, 'alive': 2251, 'woop': 2252, 'sarah': 2253, 'host':
2254, 'police': 2255, 'numbers': 2256, 'shortly': 2257, 'mike': 2258, 'ummm': 2259, 'walked': 2260, 'grr': 2261,
'skin': 2262, 'youth': 2263, 'geek': 2264, 'miami': 2265, 'twitterland': 2266, 'jerk': 2267, 'katie': 2268, 'wk'
: 2269, 'xxxx': 2270, 'older': 2271, 'aka': 2272, 'atleast': 2273, 'starwarsday': 2274, 'chatting': 2275, 'woken
': 2276, 'computers': 2277, 'recipe': 2278, 'trains': 2279, 'nooooo': 2280, 'obama': 2281, 'wicked': 2282, 'yer'
: 2283, 'drawing': 2284, 'everytime': 2285, 'cuddle': 2286, 'partner': 2287, 'journey': 2288, 'exist': 2289, 'na
sty': 2290, 'wifi': 2291, 'surprisingly': 2292, 'faces': 2293, 'delivery': 2294, 'king': 2295, 'vancouver': 2296
, 'hahahahaha': 2297, 'banana': 2298, 'recently': 2299, 'tag': 2300, 'rubbish': 2301, 'metal': 2302, 'europe': 2
303, 'build': 2304, 'loser': 2305, 'lisa': 2306, 'soccer': 2307, 'locked': 2308, 'baking': 2309, 'besties': 2310
, 'noon': 2311, 'thnx': 2312, 'wats': 2313, 'november': 2314, 'spoke': 2315, 'fear': 2316, 'smoke': 2317, 'resul
ts': 2318, 'appt': 2319, 'younger': 2320, 'nuts': 2321, 'push': 2322, 'tooo': 2323, 'characters': 2324, 'beginni
ng': 2325, 'awesomeness': 2326, 'recording': 2327, 'error': 2328, 'ghost': 2329, 'coach': 2330, 'expecting': 233
1, 'quotes': 2332, 'suggest': 2333, 'force': 2334, 'philly': 2335, 'animal': 2336, 'noodles': 2337, 'decent': 23
38, 'form': 2339, 'bud': 2340, 'enter': 2341, 'heels': 2342, 'lines': 2343, 'topics': 2344, 'rough': 2345, 'damn
it': 2346, 'ad': 2347, 'became': 2348, 'wireless': 2349, 'proper': 2350, 'arrive': 2351, 'converse': 2352, 'sobe
r': 2353, 'chemistry': 2354, 'seniors': 2355, 'signing': 2356, 'effort': 2357, 'headaches': 2358, 'user': 2359,
'errands': 2360, 'preview': 2361, 'yard': 2362, 'picnic': 2363, 'ap': 2364, 'suit': 2365, 'depends': 2366, 'cons
tantly': 2367, 'economy': 2368, 'definately': 2369, 'pro': 2370, 'manchester': 2371, 'regular': 2372, 'clock': 2
373, 'henrie': 2374, 'strawberries': 2375, 'xbox': 2376, 'faster': 2377, 'nom': 2378, 'main': 2379, 'character':
2380, 'events': 2381, 'sang': 2382, 'war': 2383, 'bother': 2384, 'remind': 2385, 'nkotb': 2386, 'mia': 2387, 'vi
siting': 2388, 'friendster': 2389, 'swollen': 2390, 'rude': 2391, 'adding': 2392, 'tear': 2393, 'wind': 2394, 's
pider': 2395, 'hole': 2396, 'tears': 2397, 'ear': 2398, 'poo': 2399, 'belly': 2400, 'uploaded': 2401, 'phones':
2402, 'revising': 2403, 'ta': 2404, 'attack': 2405, 'yeh': 2406, 'pills': 2407, 'ay': 2408, 'boredom': 2409, 'co
mfy': 2410, 'bt': 2411, 'language': 2412, 'crashed': 2413, 'magazine': 2414, 'accidentally': 2415, 'bell': 2416,
'tease': 2417, 'massive': 2418, 'garage': 2419, 'breathe': 2420, 'difficult': 2421, 'scratch': 2422, 'exact': 24
23, 'security': 2424, 'funeral': 2425, 'subject': 2426, 'fusion': 2427, 'juss': 2428, 'ooooh': 2429, 'clients':
2430, 'forced': 2431, 'snow': 2432, 'solo': 2433, 'bros': 2434, 'fool': 2435, 'acting': 2436, 'theater': 2437, '
china': 2438, 'paris': 2439, 'hollyoaks': 2440, 'blow': 2441, 'drivers': 2442, 'liking': 2443, 'tweeple': 2444,
'minor': 2445, 'greatest': 2446, 'maths': 2447, 'gd': 2448, 'tennessee': 2449, 'letter': 2450, 'files': 2451, 't
astes': 2452, 'iced': 2453, 'moments': 2454, 'con': 2455, 'ability': 2456, 'connection': 2457, 'homie': 2458, 'm
exico': 2459, 'rocking': 2460, 'members': 2461, 'september': 2462, 'itself': 2463, 'dish': 2464, 'lovin': 2465,
'survive': 2466, 'unable': 2467, 'held': 2468, 'feature': 2469, 'plain': 2470, 'rained': 2471, 'creative': 2472,
'jb': 2473, 'screaming': 2474, 'toy': 2475, 'geez': 2476, 'pancakes': 2477, 'aunt': 2478, 'response': 2479, 'isl
and': 2480, 'strawberry': 2481, 'baked': 2482, 'senior': 2483, 'hay': 2484, 'comin': 2485, 'eight': 2486, 'weak'
: 2487, 'cinema': 2488, 'showed': 2489, 'anniversary': 2490, 'girlfriend': 2491, 'lap': 2492, 'mask': 2493, 'wor
e': 2494, 'wings': 2495, 'lip': 2496, 'blocks': 2497, 'village': 2498, 'adult': 2499, 'pillow': 2500, 'canucks':
2501, 'customer': 2502, 'nothin': 2503, 'sites': 2504, 'ending': 2505, 'sittin': 2506, 'afterwards': 2507, 'quic
kly': 2508, 'unfair': 2509, 'revise': 2510, 'begin': 2511, 'according': 2512, 'dis': 2513, 'verizon': 2514, 'jon
athan': 2515, 'ol': 2516, 'nt': 2517, 'puppies': 2518, 'clever': 2519, 'links': 2520, 'geography': 2521, 'correc
t': 2522, 'tim': 2523, 'comfortable': 2524, 'fridge': 2525, 'disappointing': 2526, 'bangs': 2527, 'abuseabuse':
2528, 'setting': 2529, 'hated': 2530, 'shops': 2531, 'students': 2532, 'signed': 2533, 'winning': 2534, 'stars':
2535, 'passes': 2536, 'pocket': 2537, 'meeee': 2538, 'charged': 2539, 'runs': 2540, 'pleased': 2541, 'dallas': 2
542, 'birds': 2543, 'respect': 2544, 'items': 2545, 'omfg': 2546, 'stole': 2547, 'mi': 2548, 'bread': 2549, 'bot
hered': 2550, 'title': 2551, 'creepy': 2552, 'jess': 2553, 'grandparents': 2554, 'h': 2555, 'clouds': 2556, 'bea
uty': 2557, 'angels': 2558, 'roof': 2559, 'microsoft': 2560, 'ughhh': 2561, 'ruby': 2562, 'crossing': 2563, 'jes
us': 2564, 'non': 2565, 'wknd': 2566, 'ross': 2567, 'steel': 2568, 'demo': 2569, 'classic': 2570, 'yah': 2571, '
hating': 2572, 'stories': 2573, 'ginger': 2574, 'tesco': 2575, 'luckily': 2576, 'camping': 2577, 'central': 2578
, 'buzz': 2579, 'smoking': 2580, 'reception': 2581, 'pjs': 2582, 'neighbors': 2583, 'breath': 2584, 'grass': 258
5, 'blogging': 2586, 'grateful': 2587, 'original': 2588, 'press': 2589, 'delivered': 2590, 'chem': 2591, 'assign
ments': 2592, 'bleh': 2593, 'ellen': 2594, 'princess': 2595, 'ho': 2596, 'riding': 2597, 'ish': 2598, 'en': 2599
, 'msg': 2600, 'france': 2601, 'slower': 2602, 'settings': 2603, 'kirk': 2604, 'lead': 2605, 'downloading': 2606
, 'smiles': 2607, 'photoshop': 2608, 'meh': 2609, 'carry': 2610, 'taco': 2611, 'actual': 2612, 'digital': 2613,
'amy': 2614, 'product': 2615, 'helped': 2616, 'bags': 2617, 'dam': 2618, 'texts': 2619, 'guessing': 2620, 'marri
age': 2621, 'script': 2622, 'useful': 2623, 'killer': 2624, 'dye': 2625, 'motivation': 2626, 'pure': 2627, 'cafe
': 2628, 'italian': 2629, 'bs': 2630, 'contacts': 2631, 'ss': 2632, 'changes': 2633, 'shud': 2634, 'cycling': 26
35, 'stubborn': 2636, 'hunt': 2637, 'wud': 2638, 'tweetie': 2639, 'gnite': 2640, 'dragged': 2641, 'edit': 2642,
'wave': 2643, 'child': 2644, 'recognize': 2645, 'boxes': 2646, 'dayy': 2647, 'advantage': 2648, 'michelle': 2649
, 'q': 2650, 'rose': 2651, 'legit': 2652, 'imac': 2653, 'danny': 2654, 'marley': 2655, 'shoulder': 2656, 'rub':
2657, 'bust': 2658, 'joining': 2659, 'hooked': 2660, 'fed': 2661, 'stoked': 2662, 'mid': 2663, 'hw': 2664, 'wrk'
: 2665, 'votes': 2666, 'couldve': 2667, 'rise': 2668, 'leaves': 2669, 'forum': 2670, 'image': 2671, 'wana': 2672
, 'meetings': 2673, 'crawling': 2674, 'rate': 2675, 'venue': 2676, 'lab': 2677, 'browser': 2678, 'cramps': 2679,
'sauce': 2680, 'beard': 2681, 'groups': 2682, 'failing': 2683, 'bugger': 2684, 'seats': 2685, 'animals': 2686, '
pj': 2687, 'gmail': 2688, 'sorted': 2689, 'inspiration': 2690, 'agreed': 2691, 'sunburned': 2692, 'kicked': 2693
, 'ship': 2694, 'mornin': 2695, 'george': 2696, 'windy': 2697, 'whoever': 2698, 'babysitting': 2699, 'hiding': 2
700, 'gm': 2701, 'parties': 2702, 'poop': 2703, 'incredible': 2704, 'musical': 2705, 'crown': 2706, 'bum': 2707,
'keen': 2708, 'lounge': 2709, 'roommate': 2710, 'december': 2711, 'package': 2712, 'nighty': 2713, 'chilled': 27
14, 'tool': 2715, 'flew': 2716, 'trips': 2717, 'draw': 2718, 'beating': 2719, 'phew': 2720, 'cds': 2721, 'instal
l': 2722, 'newcastle': 2723, 'replying': 2724, 'ie': 2725, 'neighbor': 2726, 'entertaining': 2727, 'pounds': 272
8, 'pork': 2729, 'festival': 2730, 'decision': 2731, 'shouldve': 2732, 'active': 2733, 'twitting': 2734, 'iron':
2735, 'connected': 2736, 'typical': 2737, 'signs': 2738, 'regret': 2739, 'dreaming': 2740, 'srsly': 2741, 'fox':
2742, 'received': 2743, 'attempting': 2744, 'reminded': 2745, 'pieces': 2746, 'bowl': 2747, 'singapore': 2748, '
bahaha': 2749, 'parent': 2750, 'names': 2751, 'beats': 2752, 'nine': 2753, 'zealand': 2754, 'mystery': 2755, 'le
gal': 2756, 'lovato': 2757, 'owe': 2758, 'ikea': 2759, 'prison': 2760, 'returned': 2761, 'fried': 2762, 'complic
ated': 2763, 'oil': 2764, 'niece': 2765, 'twitterverse': 2766, 'crashing': 2767, 'palm': 2768, 'infection': 2769
, 'entry': 2770, 'cupcake': 2771, 'hitting': 2772, 'wrap': 2773, 'ep': 2774, 'twitterberry': 2775, 'snap': 2776,
'santa': 2777, 'lyrics': 2778, 'shake': 2779, 'blip': 2780, 'gas': 2781, 'aussie': 2782, 'fruit': 2783, 'upon':
2784, 'os': 2785, 'twitterville': 2786, 'location': 2787, 'girlfriends': 2788, 'babes': 2789, 'sales': 2790, 'mc
': 2791, 'hardest': 2792, 'wouldve': 2793, 'dan': 2794, 'plurk': 2795, 'filming': 2796, 'edge': 2797, 'wonders':
2798, 'grade': 2799, 'yucky': 2800, 'bomb': 2801, 'resist': 2802, 'stores': 2803, 'repair': 2804, 'austin': 2805
, 'lower': 2806, 'anthony': 2807, 'theory': 2808, 'previous': 2809, 'monster': 2810, 'leavin': 2811, 'cheesecake
': 2812, 'methinks': 2813, 'oz': 2814, 'candy': 2815, 'costs': 2816, 'jumping': 2817, 'guilty': 2818, 'sucky': 2
819, 'potato': 2820, 'beans': 2821, 'filling': 2822, 'sadness': 2823, 'hopeful': 2824, 'hollie': 2825, 'pathetic
': 2826, 'hmph': 2827, 'queens': 2828, 'pig': 2829, 'horror': 2830, 'martin': 2831, 'confusing': 2832, 'recover'
: 2833, 'twitts': 2834, 'tomato': 2835, 'perth': 2836, 'anna': 2837, 'negative': 2838, 'melted': 2839, 'borrow':
2840, 'scan': 2841, 'community': 2842, 'twins': 2843, 'hai': 2844, 'ahhhhh': 2845, 'el': 2846, 'deadline': 2847,
'cam': 2848, 'fill': 2849, 'written': 2850, 'thee': 2851, 'calm': 2852, 'batman': 2853, 'zombie': 2854, 'bits':
2855, 'naw': 2856, 'heavy': 2857, 'grew': 2858, 'upgrade': 2859, 'cast': 2860, 'arrival': 2861, 'male': 2862, 'd
elay': 2863, 'human': 2864, 'contest': 2865, 'dougie': 2866, 'coke': 2867, 'finale': 2868, 'models': 2869, 'incr
edibly': 2870, 'nail': 2871, 'handle': 2872, 'jst': 2873, 'jr': 2874, 'skies': 2875, 'spelling': 2876, 'jokes':
2877, 'feedback': 2878, 'shattered': 2879, 'license': 2880, 'emotional': 2881, 'amount': 2882, 'britney': 2883,
'dies': 2884, 'effing': 2885, 'las': 2886, 'process': 2887, 'reach': 2888, 'indian': 2889, 'frustrating': 2890,
'bang': 2891, 'appreciated': 2892, 'market': 2893, 'retarded': 2894, 'gold': 2895, 'consider': 2896, 'scrubs': 2
897, 'biz': 2898, 'ed': 2899, 'bass': 2900, 'sissy': 2901, 'delete': 2902, 'sms': 2903, 'wise': 2904, 'yellow':
2905, 'valley': 2906, 'ohio': 2907, 'diff': 2908, 'gods': 2909, 'killers': 2910, 'honour': 2911, 'fishing': 2912
, 'touring': 2913, 'bob': 2914, 'virus': 2915, 'typing': 2916, 'ohhhh': 2917, 'ignoring': 2918, 'skype': 2919, '
dork': 2920, 'diamond': 2921, 'bites': 2922, 'costume': 2923, 'rly': 2924, 'andrew': 2925, 'pissing': 2926, 'tax
i': 2927, 'restaurant': 2928, 'gna': 2929, 'tanning': 2930, 'maria': 2931, 'cheaper': 2932, 'twitterific': 2933,
'clicked': 2934, 'brad': 2935, 'effects': 2936, 'wasted': 2937, 'dizzy': 2938, 'remote': 2939, 'easily': 2940, '
tryna': 2941, 'tryin': 2942, 'application': 2943, 'imo': 2944, 'coolest': 2945, 'sweating': 2946, 'cash': 2947,
'rockin': 2948, 'river': 2949, 'imagination': 2950, 'spanish': 2951, 'dust': 2952, 'panda': 2953, 'item': 2954,
'kills': 2955, 'cutie': 2956, 'beast': 2957, 'combo': 2958, 'purse': 2959, 'charlie': 2960, 'dvds': 2961, 'tshir
t': 2962, 'apt': 2963, 'pong': 2964, 'japanese': 2965, 'frm': 2966, 'highlight': 2967, 'pulling': 2968, 'pot': 2
969, 'logic': 2970, 'nxt': 2971, 'tyler': 2972, 'marry': 2973, 'dreading': 2974, 'whoop': 2975, 'standards': 297
6, 'national': 2977, 'thankfully': 2978, 'option': 2979, 'discovered': 2980, 'wales': 2981, 'worlds': 2982, 'som
ewhat': 2983, 'personally': 2984, 'happier': 2985, 'graduate': 2986, 'rid': 2987, 'grocery': 2988, 'selling': 29
89, 'shape': 2990, 'buffalo': 2991, 'transfer': 2992, 'suffering': 2993, 'attics': 2994, 'homeless': 2995, 'repo
rts': 2996, 'hung': 2997, 'connect': 2998, 'plays': 2999, 'mass': 3000, 'promised': 3001, 'probs': 3002, 'plant'
: 3003, 'projects': 3004, 'mm': 3005, 'commute': 3006, 'offf': 3007, 'yahoo': 3008, 'appear': 3009, 'grease': 30
10, 'waves': 3011, 'gallery': 3012, 'display': 3013, 'zoo': 3014, 'mens': 3015, 'concentrate': 3016, 'adventure'
: 3017, 'refuses': 3018, 'convo': 3019, 'bears': 3020, 'tests': 3021, 'useless': 3022, 'sees': 3023, 'chai': 302
4, 'opera': 3025, 'related': 3026, 'modern': 3027, 'willing': 3028, 'vip': 3029, 'steal': 3030, 'hectic': 3031,
'edinburgh': 3032, 'crew': 3033, 'owner': 3034, 'tape': 3035, 'brunch': 3036, 'someones': 3037, 'ray': 3038, 'st
eph': 3039, 'prayer': 3040, 'lastfm': 3041, 'slice': 3042, 'shoe': 3043, 'vanilla': 3044, 'dates': 3045, 'explai
n': 3046, 'accepted': 3047, 'junior': 3048, 'route': 3049, 'bookstore': 3050, 'pix': 3051, 'curious': 3052, 'moi
': 3053, 'sea': 3054, 'performing': 3055, 'stage': 3056, 'tight': 3057, 'quarter': 3058, 'beloved': 3059, 'hyper
': 3060, 'dublin': 3061, 'aye': 3062, 'exchange': 3063, 'hood': 3064, 'frank': 3065, 'smiley': 3066, 'software':
3067, 'threw': 3068, 'burger': 3069, 'client': 3070, 'rolls': 3071, 'dragon': 3072, 'fri': 3073, 'solid': 3074,
'society': 3075, 'meee': 3076, 'figuring': 3077, 'awh': 3078, 'tomorrows': 3079, 'esp': 3080, 'sonny': 3081, 'ma
rketing': 3082, 'meaning': 3083, 'fone': 3084, 'films': 3085, 'harry': 3086, 'burgers': 3087, 'lo': 3088, 'usern
ame': 3089, 'sings': 3090, 'trousers': 3091, 'docs': 3092, 'compliment': 3093, 'pre': 3094, 'amusing': 3095, 'bu
bble': 3096, 'knowledge': 3097, 'loveeee': 3098, 'convince': 3099, 'nvm': 3100, 'shorts': 3101, 'william': 3102,
'juddday': 3103, 'denver': 3104, 'therapy': 3105, 'toes': 3106, 'mic': 3107, 'bestie': 3108, 'tend': 3109, 'apol
ogies': 3110, 'advance': 3111, 'jason': 3112, 'boom': 3113, 'orlando': 3114, 'saddest': 3115, 'kicking': 3116, '
stops': 3117, 'snack': 3118, 'sayin': 3119, 'size': 3120, 'switch': 3121, 'peter': 3122, 'brooklyn': 3123, 'prog
ress': 3124, 'dryer': 3125, 'zone': 3126, 'mmmmmm': 3127, 'loll': 3128, 'answers': 3129, 'ordering': 3130, 'jami
e': 3131, 'tonsils': 3132, 'dh': 3133, 'din': 3134, 'kingdom': 3135, 'cheesy': 3136, 'chilly': 3137, 'goose': 31
38, 'repeat': 3139, 'laura': 3140, 'tax': 3141, 'metro': 3142, 'shocked': 3143, 'jet': 3144, 'insurance': 3145,
'gon': 3146, 'bride': 3147, 'neil': 3148, 'smoothie': 3149, 'apartments': 3150, 'lee': 3151, 'tomorow': 3152, 'w
aited': 3153, 'blessings': 3154, 'drinkin': 3155, 'sausage': 3156, 'forums': 3157, 'ultimate': 3158, 'attend': 3
159, 'employee': 3160, 'dudes': 3161, 'darling': 3162, 'accept': 3163, 'commence': 3164, 'pride': 3165, 'prejudi
ce': 3166, 'obvious': 3167, 'cinnamon': 3168, 'faith': 3169, 'spinning': 3170, 'theirs': 3171, 'wah': 3172, 'anx
iety': 3173, 'cure': 3174, 'phil': 3175, 'obsessed': 3176, 'nest': 3177, 'disneyland': 3178, 'comedy': 3179, 'si
ght': 3180, 'perform': 3181, 'betty': 3182, 'tony': 3183, 'kewl': 3184, 'drives': 3185, 'com': 3186, 'adore': 31
87, 'spammers': 3188, 'marie': 3189, 'rat': 3190, 'lamb': 3191, 'servers': 3192, 'kay': 3193, 'hp': 3194, 'pit':
3195, 'ci': 3196, 'playin': 3197, 'input': 3198, 'rob': 3199, 'lebron': 3200, 'hide': 3201, 'lit': 3202, 'cross'
: 3203, 'attacked': 3204, 'oprah': 3205, 'weekly': 3206, 'battle': 3207, 'impressive': 3208, 'popping': 3209, 'i
ndia': 3210, 'mountains': 3211, 'karma': 3212, 'expert': 3213, 'testing': 3214, 'tweetup': 3215, 'grandmother':
3216, 'todayy': 3217, 'shared': 3218, 'court': 3219, 'target': 3220, 'cab': 3221, 'biology': 3222, 'offline': 32
23, 'bac': 3224, 'contract': 3225, 'popped': 3226, 'logo': 3227, 'replace': 3228, 'instant': 3229, 'wassup': 323
0, 'frog': 3231, 'blues': 3232, 'conference': 3233, 'prayers': 3234, 'helpful': 3235, 'tells': 3236, 'reasons':
3237, 'chores': 3238, 'creek': 3239, 'tweeties': 3240, 'checkin': 3241, 'it�s': 3242, 'hve': 3243, 'result': 3
244, 'maddie': 3245, 'meds': 3246, 'thrilled': 3247, 'cruise': 3248, 'todayi': 3249, 'lauren': 3250, 'fails': 32
51, 'brilliant': 3252, 'smashed': 3253, 'cmon': 3254, 'thrown': 3255, 'empire': 3256, 'yey': 3257, 'dum': 3258,
'twits': 3259, 'cutest': 3260, 'guide': 3261, 'scare': 3262, 'toooo': 3263, 'ubuntu': 3264, 'nj': 3265, 'dump':
3266, 'bebo': 3267, 'kitties': 3268, 'audio': 3269, 'guilt': 3270, 'sd': 3271, 'ebay': 3272, 'blew': 3273, 'twpp
': 3274, 'onion': 3275, 'jeans': 3276, 'jeff': 3277, 'stood': 3278, 'terminator': 3279, 'grace': 3280, 'blows':
3281, 'angel': 3282, 'greys': 3283, 'outfit': 3284, 'member': 3285, 'teenagers': 3286, 'korea': 3287, 'simply':
3288, 'distracted': 3289, 'homemade': 3290, 'strep': 3291, 'drew': 3292, 'gun': 3293, 'regarding': 3294, 'hook':
3295, 'moves': 3296, 'nursing': 3297, 'wks': 3298, 'harder': 3299, 'sooner': 3300, 'downstairs': 3301, 'todd': 3
302, 'mines': 3303, 'smiling': 3304, 'toronto': 3305, 'hon': 3306, 'grandpa': 3307, 'buddies': 3308, 'prepare':
3309, 'stolen': 3310, 'ng': 3311, 'icecream': 3312, 'ko': 3313, 'plants': 3314, 'tommorow': 3315, 'erin': 3316,
'washed': 3317, 'barcelona': 3318, 'perez': 3319, 'stressful': 3320, 'drummer': 3321, 'eric': 3322, 'unhappy': 3
323, 'general': 3324, 'nor': 3325, 'wif': 3326, 'ours': 3327, 'created': 3328, 'envy': 3329, 'pens': 3330, 'kind
s': 3331, 'spray': 3332, 'networking': 3333, 'cuppa': 3334, 'mountain': 3335, 'abit': 3336, 'dia': 3337, 'haters
': 3338, 'pregnant': 3339, 'bedroom': 3340, 'jt': 3341, 'portugal': 3342, 'guts': 3343, 'advanced': 3344, 'brita
in': 3345, 'th': 3346, 'emily': 3347, 'counts': 3348, 'grilled': 3349, 'montreal': 3350, 'messing': 3351, 'rippe
d': 3352, 'burrito': 3353, 'pushing': 3354, 'roots': 3355, 'italy': 3356, 'doll': 3357, 'arriving': 3358, 'remov
ed': 3359, 'dare': 3360, 'oceans': 3361, 'goood': 3362, 'settle': 3363, 'professional': 3364, 'rent': 3365, 'nin
tendo': 3366, 'cubs': 3367, 'mandy': 3368, 'msgs': 3369, 'randomly': 3370, 'ohhhhh': 3371, 'sitter': 3372, 'cent
re': 3373, 'pug': 3374, 'max': 3375, 'awwwww': 3376, 'decisions': 3377, 'magical': 3378, 'flies': 3379, 'victori
a': 3380, 'junk': 3381, 'kevin': 3382, 'pad': 3383, 'sorta': 3384, 'kitten': 3385, 'qld': 3386, 'duh': 3387, 'ju
ry': 3388, 'lecture': 3389, 'ftsk': 3390, 'wa': 3391, 'heal': 3392, 'guinea': 3393, 'pigs': 3394, 'compared': 33
95, 'gardening': 3396, 'alice': 3397, 'everythings': 3398, 'disappoint': 3399, 'hmmmm': 3400, 'lightning': 3401,
'wrist': 3402, 'pole': 3403, 'agh': 3404, 'invisible': 3405, 'cba': 3406, 'chocolates': 3407, 'lifes': 3408, 'la
sted': 3409, 'sec': 3410, 'fatty': 3411, 'brb': 3412, 'experiment': 3413, 'johnny': 3414, 'minus': 3415, 'record
ed': 3416, 'dun': 3417, 'va': 3418, 'audience': 3419, 'twitterers': 3420, 'asthma': 3421, 'lovee': 3422, 'teh':
3423, 'workshop': 3424, 'speed': 3425, 'multiple': 3426, 'gt': 3427, 'hack': 3428, 'tennis': 3429, 'circus': 343
0, 'vampire': 3431, 'pan': 3432, 'yeahh': 3433, 'emo': 3434, 'volleyball': 3435, 'focus': 3436, 'matters': 3437,
'basketball': 3438, 'naked': 3439, 'streets': 3440, 'adventures': 3441, 'bradie': 3442, 'wallet': 3443, 'soulja'
: 3444, 'hostage': 3445, 'recommendation': 3446, 'noise': 3447, 'cruel': 3448, 'christ': 3449, 'printed': 3450,
'generation': 3451, 'sweaty': 3452, 'xox': 3453, 'sinus': 3454, 'gut': 3455, 'can�t': 3456, 'plug': 3457, 'rel
ationship': 3458, 'aah': 3459, 'yaay': 3460, 'celebrated': 3461, 'cooler': 3462, 'stuffed': 3463, 'needle': 3464
, 'belong': 3465, 'complaining': 3466, 'sidekick': 3467, 'python': 3468, 'locations': 3469, 'burning': 3470, 'ra
rely': 3471, 'accomplished': 3472, 'mcr': 3473, 'realise': 3474, 'rules': 3475, 'wink': 3476, 'forgetting': 3477
, 'smith': 3478, 'forest': 3479, 'emergency': 3480, 'towards': 3481, 'mixed': 3482, 'maui': 3483, 'robluketic':
3484, 'limited': 3485, 'outlook': 3486, 'smooth': 3487, 'medium': 3488, 'coding': 3489, 'jazz': 3490, 'unexpecte
d': 3491, 'smaller': 3492, 'opinion': 3493, 'jacks': 3494, 'taught': 3495, 'riot': 3496, 'situations': 3497, 'mo
n': 3498, 'tags': 3499, 'stream': 3500, 'backround': 3501, 'print': 3502, 'modem': 3503, 'curse': 3504, 'common'
: 3505, 'award': 3506, 'boooo': 3507, 'jersey': 3508, 'miserable': 3509, 'cloud': 3510, 'crowd': 3511, 'listenin
': 3512, 'potter': 3513, 'happiest': 3514, 'effin': 3515, 'applied': 3516, 'career': 3517, 'lasts': 3518, 'podca
st': 3519, 'eddie': 3520, 'greetings': 3521, 'industry': 3522, 'hhrs': 3523, 'roomies': 3524, 'suggestion': 3525
, 'aaron': 3526, 'thumb': 3527, 'crisis': 3528, 'explode': 3529, 'selected': 3530, 'chuck': 3531, 'hire': 3532,
'cleaner': 3533, 'skint': 3534, 'di': 3535, 'dmv': 3536, 'trees': 3537, 'manager': 3538, 'fo': 3539, 'fairly': 3
540, 'francisco': 3541, 'recommended': 3542, 'silence': 3543, 'tires': 3544, 'spongebob': 3545, 'ciara': 3546, '
bars': 3547, 'nothings': 3548, 'whoops': 3549, 'failure': 3550, 'overnight': 3551, 'farewell': 3552, 'hoe': 3553
, 'sweden': 3554, 'chipotle': 3555, 'dolls': 3556, 'overtime': 3557, 'mates': 3558, 'relaxin': 3559, 'noone': 35
60, 'skip': 3561, 'thailand': 3562, 'considered': 3563, 'reached': 3564, 'listed': 3565, 'programme': 3566, 'sud
denly': 3567, 'domain': 3568, 'vegetarian': 3569, 'oclock': 3570, 'potential': 3571, 'lighter': 3572, 'sooooooo'
: 3573, 'asian': 3574, 'entering': 3575, 'letters': 3576, 'jacket': 3577, 'digging': 3578, 'omj': 3579, 'ffs': 3
580, 'curry': 3581, 'bleed': 3582, 'heaps': 3583, 'holla': 3584, 'salt': 3585, 'pepper': 3586, 'photoshoot': 358
7, 'clap': 3588, 'freezer': 3589, 'woods': 3590, 'rb': 3591, 'queen': 3592, 'curve': 3593, 'tumblr': 3594, 'sack
': 3595, 'discussion': 3596, 'lemme': 3597, 'kk': 3598, 'algebra': 3599, 'bucks': 3600, 'ako': 3601, 'trent': 36
02, 'gona': 3603, 'jen': 3604, 'demons': 3605, 'kat': 3606, 'imax': 3607, 'mint': 3608, 'announced': 3609, 'bush
': 3610, 'soooooooo': 3611, 'refuse': 3612, 'tracks': 3613, 'staff': 3614, 'don': 3615, 'overcast': 3616, 'realy
': 3617, 'thurs': 3618, 'bridge': 3619, 'vids': 3620, 'inlaws': 3621, 'celebrity': 3622, 'frickin': 3623, 'paul'
: 3624, 'thingy': 3625, 'jp': 3626, 'escape': 3627, 'factor': 3628, 'zombies': 3629, 'heroes': 3630, 'pressure':
3631, 'cough': 3632, 'built': 3633, 'strike': 3634, 'recovery': 3635, 'upgraded': 3636, 'wout': 3637, 'wears': 3
638, 'sorting': 3639, 'recent': 3640, 'pays': 3641, 'starship': 3642, 'chair': 3643, 'presence': 3644, 'hall': 3
645, 'singer': 3646, 'rang': 3647, 'amo': 3648, 'slammed': 3649, 'un': 3650, 'tire': 3651, 'aches': 3652, 'texte
d': 3653, 'donnie': 3654, 'menu': 3655, 'thunderstorm': 3656, 'comics': 3657, 'mitchel': 3658, 'fest': 3659, 'ho
nored': 3660, 'reader': 3661, 'politics': 3662, 'enterprise': 3663, 'global': 3664, 'lying': 3665, 'ughh': 3666,
'winner': 3667, 'bby': 3668, 'pin': 3669, 'rooting': 3670, 'hk': 3671, 'comcast': 3672, 'davis': 3673, 'gained':
3674, 'tools': 3675, 'joes': 3676, 'friggin': 3677, 'bea': 3678, 'flickr': 3679, 'native': 3680, 'itchy': 3681,
'cases': 3682, 'mucho': 3683, 'forgotten': 3684, 'necklace': 3685, 'alllll': 3686, 'hed': 3687, 'practically': 3
688, 'crochet': 3689, 'icon': 3690, 'international': 3691, 'yess': 3692, 'longest': 3693, 'pouring': 3694, 'lake
r': 3695, 'pfft': 3696, 'mite': 3697, 'urge': 3698, 'revenge': 3699, 'ruin': 3700, 'writer': 3701, 'cap': 3702,
'reminding': 3703, 'amber': 3704, 'hiya': 3705, 'file': 3706, 'foods': 3707, 'busted': 3708, 'loosing': 3709, 'e
dited': 3710, 'cooker': 3711, 'hearts': 3712, 'nba': 3713, 'dealing': 3714, 'jim': 3715, 'dms': 3716, 'clearly':
3717, 'teachers': 3718, 'nashville': 3719, 'kudos': 3720, 'trade': 3721, 'registered': 3722, 'es': 3723, 'false'
: 3724, 'somethin': 3725, 'sanctuarysunday': 3726, 'tasty': 3727, 'sneezing': 3728, 'wasting': 3729, 'pee': 3730
, 'dollars': 3731, 'mee': 3732, 'muffins': 3733, 'nephew': 3734, 'medicine': 3735, 'inspection': 3736, 'kickin':
3737, 'cooked': 3738, 'raise': 3739, 'hooray': 3740, 'peer': 3741, 'benson': 3742, 'neglected': 3743, 'superman'
: 3744, 'matthew': 3745, 'whoo': 3746, 'grill': 3747, 'nat': 3748, 'ian': 3749, 'mothersday': 3750, 'doo': 3751,
'tbh': 3752, 'manage': 3753, 'salary': 3754, 'orders': 3755, 'choir': 3756, 'itd': 3757, 'eve': 3758, 'disappear
ed': 3759, 'nvr': 3760, 'proof': 3761, 'artist': 3762, 'cares': 3763, 'hockey': 3764, 'impression': 3765, 'charm
ing': 3766, 'melbourne': 3767, 'minds': 3768, 'nathan': 3769, 'fry': 3770, 'eclipse': 3771, 'kim': 3772, 'greenv
ille': 3773, 'financial': 3774, 'motivated': 3775, 'twas': 3776, 'pretend': 3777, 'current': 3778, 'rosie': 3779
, 'stuffs': 3780, 'earphones': 3781, 'rooms': 3782, 'hayley': 3783, 'infamous': 3784, 'yaaaay': 3785, 'lily': 37
86, 'genius': 3787, 'presents': 3788, 'houston': 3789, 'blowing': 3790, 'touched': 3791, 'muscle': 3792, 'luke':
3793, 'passing': 3794, 'ex': 3795, 'purchase': 3796, 'morn': 3797, 'shirts': 3798, 'hits': 3799, 'united': 3800,
'mornings': 3801, 'pasta': 3802, 'planet': 3803, 'sons': 3804, 'tmobile': 3805, 'sidewalk': 3806, 'default': 380
7, 'yoga': 3808, 'softball': 3809, 'toothache': 3810, 'ack': 3811, 'headin': 3812, 'lungs': 3813, 'scream': 3814
, 'climb': 3815, 'inbox': 3816, 'artists': 3817, 'sundays': 3818, 'frame': 3819, 'scroll': 3820, 'forth': 3821,
'hardcore': 3822, 'monitor': 3823, 'master': 3824, 'flower': 3825, 'guessed': 3826, 'stalker': 3827, 'bare': 382
8, 'views': 3829, 'entertainment': 3830, 'grounded': 3831, 'dig': 3832, 'parks': 3833, 'rogers': 3834, 'leads':
3835, 'upcoming': 3836, 'poster': 3837, 'tt': 3838, 'balance': 3839, 'graduating': 3840, 'reckon': 3841, 'pricel
ess': 3842, 'edition': 3843, 'ughhhh': 3844, 'bruce': 3845, 'hacked': 3846, 'liverpool': 3847, 'saturdays': 3848
, 'priority': 3849, 'sac': 3850, 'weed': 3851, 'owl': 3852, 'mentioned': 3853, 'similar': 3854, 'indiana': 3855,
'yelled': 3856, 'neat': 3857, 'position': 3858, 'snuggle': 3859, 'uber': 3860, 'chili': 3861, 'acts': 3862, 'may
b': 3863, 'missin': 3864, 'warning': 3865, 'berlin': 3866, 'piano': 3867, 'rabbits': 3868, 'android': 3869, 'pal
': 3870, 'clip': 3871, 'belgian': 3872, 'flyer': 3873, 'theyd': 3874, 'nooooooo': 3875, 'selena': 3876, 'horses'
: 3877, 'mel': 3878, 'cop': 3879, 'wth': 3880, 'surprises': 3881, 'towel': 3882, 'bash': 3883, 'ignored': 3884,
'dislike': 3885, 'dee': 3886, 'aching': 3887, 'havnt': 3888, 'anime': 3889, 'perfectly': 3890, 'molly': 3891, 'j
ustice': 3892, 'surrounded': 3893, 'sweat': 3894, 'device': 3895, 'miserably': 3896, 'stinks': 3897, 'hop': 3898
, 'jake': 3899, 'sized': 3900, 'grrrr': 3901, 'ct': 3902, 'latte': 3903, 'familiar': 3904, 'dollar': 3905, 'banq
uet': 3906, 'tht': 3907, 'patient': 3908, 'refreshing': 3909, 'flo': 3910, 'witty': 3911, 'safari': 3912, 'logie
s': 3913, 'coughing': 3914, 'uhh': 3915, 'takin': 3916, 'heater': 3917, 'dayand': 3918, 'lov': 3919, 'lovers': 3
920, 'punk': 3921, 'interviews': 3922, 'caring': 3923, 'patio': 3924, 'muy': 3925, 'ot': 3926, 'ikr': 3927, 'spa
in': 3928, 'knoww': 3929, 'tattoos': 3930, 'fathers': 3931, 'childrens': 3932, 'foreign': 3933, 'jail': 3934, 'e
state': 3935, 'thas': 3936, 'cleared': 3937, 'gi': 3938, 'linux': 3939, 'spoil': 3940, 'melt': 3941, 'printer':
3942, 'applications': 3943, 'actor': 3944, 'dayi': 3945, 'i�ve': 3946, 'remembering': 3947, 'boooooo': 3948, '
thou': 3949, 'mow': 3950, 'wooooo': 3951, 'itbut': 3952, 'ultra': 3953, 'culture': 3954, 'patience': 3955, 'rats
': 3956, 'tarmac': 3957, 'blind': 3958, 'woe': 3959, 'pisses': 3960, 'gloom': 3961, 'yous': 3962, 'fl': 3963, 'c
ork': 3964, 'icarly': 3965, 'yeahhh': 3966, 'kings': 3967, 'immediately': 3968, 'rocket': 3969, 'warped': 3970,
'bite': 3971, 'bittersweet': 3972, 'nans': 3973, 'obsession': 3974, 'den': 3975, 'margaritas': 3976, 'temporary'
: 3977, 'personality': 3978, 'struggling': 3979, 'intense': 3980, 'pearl': 3981, 'kenny': 3982, 'grapes': 3983,
'disgusted': 3984, 'nz': 3985, 'pineapple': 3986, 'convert': 3987, 'hayfever': 3988, 'blown': 3989, 'waaa': 3990
, 'neva': 3991, 'oot': 3992, 'quilt': 3993, 'sr': 3994, 'particularly': 3995, 'daniel': 3996, 'nature': 3997, 'l
abels': 3998, 'hong': 3999, 'favor': 4000, 'romance': 4001, 'sg': 4002, 'ni': 4003, 'nightmare': 4004, 'equipmen
t': 4005, 'resume': 4006, 'karaoke': 4007, 'expo': 4008, 'gambit': 4009, 'womens': 4010, 'eatin': 4011, 'gravity
': 4012, 'sleeps': 4013, 'brittany': 4014, 'pie': 4015, 'scaring': 4016, 'planted': 4017, 'submitted': 4018, 'ex
it': 4019, 'comet': 4020, 'copies': 4021, 'tubes': 4022, 'browsing': 4023, 'weathers': 4024, 'options': 4025, 'p
izzas': 4026, 'se': 4027, 'hubs': 4028, 'stretch': 4029, 'rove': 4030, 'improve': 4031, 'loner': 4032, 'squirrel
': 4033, 'responding': 4034, 'coursework': 4035, 'climbing': 4036, 'lah': 4037, 'flip': 4038, 'flop': 4039, 'sea
food': 4040, 'thaa': 4041, 'bliss': 4042, 'format': 4043, 'chap': 4044, 'frogs': 4045, 'dd': 4046, 'xp': 4047, '
delhi': 4048, 'grove': 4049, 'fog': 4050, 'irish': 4051, 'closest': 4052, 'maintenance': 4053, 'exercise': 4054,
'shite': 4055, 'tues': 4056, 'aaaah': 4057, 'bakery': 4058, 'worn': 4059, 'si': 4060, 'bueno': 4061, 'base': 406
2, 'deadlines': 4063, 'laurie': 4064, 'relationships': 4065, 'cycle': 4066, 'tampa': 4067, 'password': 4068, 'cu
rly': 4069, 'tweeter': 4070, 'technically': 4071, 'rabbit': 4072, 'reference': 4073, 'mumbai': 4074, 'treats': 4
075, 'description': 4076, 'german': 4077, 'jackass': 4078, 'equals': 4079, 'chrome': 4080, 'goal': 4081, 'cha':
4082, 'whered': 4083, 'diversity': 4084, 'parody': 4085, 'included': 4086, 'idiots': 4087, 'bbl': 4088, 'trash':
4089, 'spotify': 4090, 'cn': 4091, 'purpose': 4092, 'lyk': 4093, 'torture': 4094, 'condition': 4095, 'weeds': 40
96, 'economic': 4097, 'strangers': 4098, 'asylum': 4099, 'korean': 4100, 'olive': 4101, 'skl': 4102, 'champs': 4
103, 'robin': 4104, 'bushes': 4105, 'char': 4106, 'itt': 4107, 'dining': 4108, 'cardio': 4109, 'becomes': 4110,
'management': 4111, 'ooc': 4112, 'linda': 4113, 'eps': 4114, 'gaga': 4115, 'stunning': 4116, 'cassie': 4117, 'du
ck': 4118, 'suns': 4119, 'hips': 4120, 'mowing': 4121, 'engine': 4122, 'nevermind': 4123, 'warn': 4124, 'alien':
4125, 'jackman': 4126, 'requiem': 4127, 'replay': 4128, 'vt': 4129, 'crunch': 4130, 'torn': 4131, 'relay': 4132,
'languages': 4133, 'funky': 4134, 'spirit': 4135, 'michigan': 4136, 'nonetheless': 4137, 'clara': 4138, 'jenny':
4139, 'spinach': 4140, 'manly': 4141, 'answered': 4142, 'iphones': 4143, 'designers': 4144, 'posh': 4145, 'damm'
: 4146, 'dayyyy': 4147, 'ads': 4148, 'loop': 4149, 'zoe': 4150, 'bikes': 4151, 'diving': 4152, 'hookah': 4153, '
doh': 4154, 'blogs': 4155, 'addiction': 4156, 'aston': 4157, 'pat': 4158, 'lock': 4159, 'currency': 4160, 'damne
d': 4161, 'holds': 4162, 'ski': 4163, 'bots': 4164, 'detroit': 4165, 'create': 4166, 'debit': 4167, 'themselves'
: 4168, 'further': 4169, 'audition': 4170, 'abuselaughsabuse': 4171, 'academy': 4172, 'txt': 4173, 'earrings': 4
174, 'assume': 4175, 'neighborhood': 4176, 'coworker': 4177, 'les': 4178, 'vaca': 4179, 'bumped': 4180, 'bfast':
4181, 'satisfied': 4182, 'shannon': 4183, 'shack': 4184, 'tricky': 4185, 'mann': 4186, 'delight': 4187, 'brandon
': 4188, 'lobster': 4189, 'milkshake': 4190, 'offered': 4191, 'yelling': 4192, 'sour': 4193, 'regretting': 4194,
'devastated': 4195, 'overall': 4196, 'unpacking': 4197, 'tc': 4198, 'flow': 4199, 'jungle': 4200, 'rays': 4201,
'ireland': 4202, 'vibes': 4203, 'tiff': 4204, 'puke': 4205, 'material': 4206, 'rocky': 4207, 'av': 4208, 'wiv':
4209, 'aight': 4210, 'slacking': 4211, 'visual': 4212, 'shaun': 4213, 'boots': 4214, 'hoped': 4215, 'blisters':
4216, 'ding': 4217, 'casa': 4218, 'toss': 4219, 'highly': 4220, 'marked': 4221, 'weigh': 4222, 'rio': 4223, 'sof
t': 4224, 'exhausting': 4225, 'sits': 4226, 'experiencing': 4227, 'cartoon': 4228, 'wack': 4229, 'pointing': 423
0, 'mentor': 4231, 'furniture': 4232, 'swing': 4233, 'prolly': 4234, 'coulda': 4235, 'shoulda': 4236, 'muffin':
4237, 'damage': 4238, 'jade': 4239, 'ach': 4240, 'iv': 4241, 'devil': 4242, 'discuss': 4243, 'fifteen': 4244, 'f
avorites': 4245, 'goodbyes': 4246, 'yaaay': 4247, 'ds': 4248, 'cameras': 4249, 'gadget': 4250, 'gurl': 4251, 'ma
nual': 4252, 'concrete': 4253, 'basic': 4254, 'somethings': 4255, 'lies': 4256, 'relief': 4257, 'impatient': 425
8, 'woulda': 4259, 'champagne': 4260, 'elle': 4261, 'papers': 4262, 'chain': 4263, 'veggie': 4264, 'inches': 426
5, 'distance': 4266, 'hers': 4267, 'birthdays': 4268, 'bra': 4269, 'guests': 4270, 'whom': 4271, 'cabin': 4272,
'receive': 4273, 'separate': 4274, 'ea': 4275, 'universe': 4276, 'capacity': 4277, 'eff': 4278, 'butterfly': 427
9, 'loveee': 4280, 'anne': 4281, 'logged': 4282, 'auntie': 4283, 'hence': 4284, 'responses': 4285, 'confirmed':
4286, 'lg': 4287, 'walks': 4288, 'piggy': 4289, 'jane': 4290, 'sniffle': 4291, 'gps': 4292, 'depot': 4293, 'meet
s': 4294, 'dope': 4295, 'temp': 4296, 'cobra': 4297, 'noes': 4298, 'average': 4299, 'blech': 4300, 'sneak': 4301
, 'emma': 4302, 'attending': 4303, 'capital': 4304, 'postponed': 4305, 'triple': 4306, 'task': 4307, 'nuggets':
4308, 'debating': 4309, 'suspect': 4310, 'ridiculously': 4311, 'sweetheart': 4312, 'boiling': 4313, 'matrix': 43
14, 'cruising': 4315, 'remeber': 4316, 'sowwy': 4317, 'midday': 4318, 'nut': 4319, 'dosent': 4320, 'pitch': 4321
, 'leopard': 4322, 'beside': 4323, 'bing': 4324, 'brave': 4325, 'snoring': 4326, 'africa': 4327, 'aidan': 4328,
'zac': 4329, 'z': 4330, 'relate': 4331, 'unique': 4332, 'activity': 4333, 'hahahha': 4334, 'fc': 4335, 'mag': 43
36, 'dual': 4337, 'chillen': 4338, 'brits': 4339, 'recession': 4340, 'accounts': 4341, 'carrie': 4342, 'bryan':
4343, 'sub': 4344, 'scott': 4345, 'joey': 4346, 'pam': 4347, 'burns': 4348, 'pies': 4349, 'disco': 4350, 'march'
: 4351, 'mushy': 4352, 'blink': 4353, 'tube': 4354, 'barack': 4355, 'koi': 4356, 'spock': 4357, 'surfing': 4358,
'injured': 4359, 'ranch': 4360, 'arnold': 4361, 'stairs': 4362, 'comic': 4363, 'parade': 4364, 'moods': 4365, 'p
otatoes': 4366, 'espresso': 4367, 'surviving': 4368, 'marks': 4369, 'shares': 4370, 'photographer': 4371, 'tease
d': 4372, 'mister': 4373, 'ping': 4374, 'billy': 4375, 'albums': 4376, 'chasing': 4377, 'layout': 4378, 'jordan'
: 4379, 'coat': 4380, 'spicy': 4381, 'nola': 4382, 'cities': 4383, 'thus': 4384, 'showered': 4385, 'logical': 43
86, 'backyard': 4387, 'ram': 4388, 'coincidence': 4389, 'appreciation': 4390, 'bend': 4391, 'poker': 4392, 'poli
sh': 4393, 'map': 4394, 'hoppusday': 4395, 'soap': 4396, 'appropriate': 4397, 'devon': 4398, 'dangerous': 4399,
'reaction': 4400, 'aiden': 4401, 'signal': 4402, 'lemon': 4403, 'newest': 4404, 'chin': 4405, 'sob': 4406, 'tuto
rials': 4407, 'lacking': 4408, 'sb': 4409, 'owners': 4410, 'wandering': 4411, 'entertained': 4412, 'technology':
4413, 'napping': 4414, 'neighbours': 4415, 'rejected': 4416, 'toilet': 4417, 'acct': 4418, 'lover': 4419, 'trick
': 4420, 'express': 4421, 'brody': 4422, 'mental': 4423, 'cullen': 4424, 'cops': 4425, 'seasons': 4426, 'coverin
g': 4427, 'lime': 4428, 'conditions': 4429, 'wot': 4430, 'funniest': 4431, 'yew': 4432, 'fold': 4433, 'supply':
4434, 'pshh': 4435, 'prices': 4436, 'merlin': 4437, 'precious': 4438, 'tradition': 4439, 'graduated': 4440, 'tal
ks': 4441, 'origins': 4442, 'lolz': 4443, 'include': 4444, 'suspended': 4445, 'president': 4446, 'reznor': 4447,
'thirty': 4448, 'knocked': 4449, 'webcam': 4450, 'becuz': 4451, 'wango': 4452, 'tango': 4453, 'chillaxing': 4454
, 'sykes': 4455, 'doors': 4456, 'starwars': 4457, 'population': 4458, 'knife': 4459, 'replacing': 4460, 'silent'
: 4461, 'allen': 4462, 'pony': 4463, 'vast': 4464, 'labor': 4465, 'java': 4466, 'throwback': 4467, 'represent':
4468, 'babyy': 4469, 'fitness': 4470, 'screamed': 4471, 'allll': 4472, 'nurse': 4473, 'maryland': 4474, 'data':
4475, 'dropping': 4476, 'pr': 4477, 'dessert': 4478, 'mah': 4479, 'eee': 4480, 'kellie': 4481, 'offense': 4482,
'corn': 4483, 'dip': 4484, 'distractions': 4485, 'needles': 4486, 'overcome': 4487, 'slight': 4488, 'hosts': 448
9, 'trail': 4490, 'lambert': 4491, 'stopping': 4492, 'coverage': 4493, 'shuffle': 4494, 'hawt': 4495, 'syncing':
4496, 'az': 4497, 'luggage': 4498, 'selection': 4499, 'understands': 4500, 'wut': 4501, 'colds': 4502, 'dangit':
4503, 'motion': 4504, 'pounding': 4505, 'umm': 4506, 'rogue': 4507, 'studied': 4508, 'sticker': 4509, 'thinkin':
4510, 'slip': 4511, 'gary': 4512, 'accepting': 4513, 'tx': 4514, 'necessary': 4515, 'bull': 4516, 'tank': 4517,
'login': 4518, 'technical': 4519, 'cracking': 4520, 'funerals': 4521, 'broadband': 4522, 'dreary': 4523, 'yippee
': 4524, 'jackson': 4525, 'pumped': 4526, 'wheel': 4527, 'fangirl': 4528, 'berry': 4529, 'source': 4530, 'girly'
: 4531, 'amazon': 4532, 'unlucky': 4533, 'venus': 4534, 'christine': 4535, 'relatives': 4536, 'tie': 4537, 'twit
terworld': 4538, 'approaching': 4539, 'hurricane': 4540, 'indie': 4541, 'euro': 4542, 'knock': 4543, 'courthouse
': 4544, 'colin': 4545, 'rolling': 4546, 'zelda': 4547, 'selfish': 4548, 'upside': 4549, 'birmingham': 4550, 'ex
ternal': 4551, 'rested': 4552, 'mud': 4553, 'remix': 4554, 'gaming': 4555, 'agreeing': 4556, 'stadium': 4557, 'h
eather': 4558, 'rt': 4559, 'phase': 4560, 'salvation': 4561, 'promote': 4562, 'thin': 4563, 'greeting': 4564, 'e
tsy': 4565, 'collect': 4566, 'kicks': 4567, 'subjects': 4568, 'handles': 4569, 'grape': 4570, 'cries': 4571, 'ha
ndy': 4572, 'knees': 4573, 'bruise': 4574, 'seemed': 4575, 'factory': 4576, 'frozen': 4577, 'cooks': 4578, 'logg
ing': 4579, 'risk': 4580, 'league': 4581, 'returning': 4582, 'likewise': 4583, 'trampoline': 4584, 'morgan': 458
5, 'pains': 4586, 'ali': 4587, 'pile': 4588, 'knitting': 4589, 'development': 4590, 'fitting': 4591, 'clubbing':
4592, 'verify': 4593, 'laptops': 4594, 'solution': 4595, 'roses': 4596, 'muah': 4597, 'polar': 4598, 'translatio
n': 4599, 'git': 4600, 'icant': 4601, 'raised': 4602, 'argentina': 4603, 'ponytail': 4604, 'monkey': 4605, 'dew'
: 4606, 'grandmas': 4607, 'dem': 4608, 'defo': 4609, 'union': 4610, 'peaceful': 4611, 'bagel': 4612, 'controls':
4613, 'twin': 4614, 'cocktails': 4615, 'dull': 4616, 'involves': 4617, 'attacking': 4618, 'steam': 4619, 'blank'
: 4620, 'que': 4621, 'itouch': 4622, 'ducks': 4623, 'peas': 4624, 'japan': 4625, 'pleasant': 4626, 'mistakes': 4
627, 'ssd': 4628, 'samantha': 4629, 'paradise': 4630, 'abandoned': 4631, 'abusecriesabuse': 4632, 'twisted': 463
3, 'forms': 4634, 'jesse': 4635, 'chose': 4636, 'shipped': 4637, 'colorado': 4638, 'rp': 4639, 'wiped': 4640, 'h
ahaa': 4641, 'endless': 4642, 'dianne': 4643, 'spamming': 4644, 'reload': 4645, 'yumm': 4646, 'heyyy': 4647, 'se
wing': 4648, 'crafty': 4649, 'versions': 4650, 'yearbook': 4651, 'reminder': 4652, 'monica': 4653, 'offended': 4
654, 'dedicated': 4655, 'sacramento': 4656, 'bleach': 4657, 'eagles': 4658, 'reasonable': 4659, 'kc': 4660, 'luc
as': 4661, 'tisdale': 4662, 'database': 4663, 'opened': 4664, 'chi': 4665, 'insomniac': 4666, 'completed': 4667,
'papa': 4668, 'pritchard': 4669, 'thumbs': 4670, 'escaped': 4671, 'gang': 4672, 'soy': 4673, 'eek': 4674, 'nana'
: 4675, 'metallica': 4676, 'pets': 4677, 'buffet': 4678, 'vancity': 4679, 'shizz': 4680, 'guest': 4681, 'wives':
4682, 'aliens': 4683, 'flag': 4684, 'maid': 4685, 'nova': 4686, 'spose': 4687, 'lists': 4688, 'thier': 4689, 'fr
icken': 4690, 'iam': 4691, 'redesigned': 4692, 'kfc': 4693, 'twittered': 4694, 'portable': 4695, 'kit': 4696, 'w
ood': 4697, 'alll': 4698, 'unit': 4699, 'below': 4700, 'heap': 4701, 'awwwh': 4702, 'spoiled': 4703, 'virgin': 4
704, 'tink': 4705, 'locker': 4706, 'inviting': 4707, 'blend': 4708, 'itches': 4709, 'poured': 4710, 'agent': 471
1, 'adopt': 4712, 'thousand': 4713, 'frankie': 4714, 'flats': 4715, 'custom': 4716, 'designed': 4717, 'collectin
g': 4718, 'bball': 4719, 'rehearsal': 4720, 'vmware': 4721, 'nov': 4722, 'le': 4723, 'cameron': 4724, 'bracelet'
: 4725, 'costco': 4726, 'ink': 4727, 'graham': 4728, 'finds': 4729, 'christina': 4730, 'poetry': 4731, 'lacroix'
: 4732, 'realizing': 4733, 'sweats': 4734, 'backpack': 4735, 'statement': 4736, 'artwork': 4737, 'uti': 4738, 'k
itchenfire': 4739, 'includes': 4740, 'feb': 4741, 'bart': 4742, 'pedicure': 4743, 'deserves': 4744, 'category':
4745, 'savings': 4746, 'mattress': 4747, 'dating': 4748, 'madness': 4749, 'chef': 4750, 'laws': 4751, 'charges':
4752, 'damp': 4753, 'indy': 4754, 'seperate': 4755, 'bicycle': 4756, 'publish': 4757, 'highway': 4758, 'wellingt
on': 4759, 'beanie': 4760, 'hosting': 4761, 'killin': 4762, 'cravings': 4763, 'bodies': 4764, 'amazingly': 4765,
'welsh': 4766, 'confuse': 4767, 'zack': 4768, 'swings': 4769, 'abuselolabuse': 4770, 'mans': 4771, 'wid': 4772,
'noe': 4773, 'pilot': 4774, 'breaks': 4775, 'porridge': 4776, 'milan': 4777, 'upto': 4778, 'micro': 4779, 'suffe
r': 4780, 'rant': 4781, 'drowsy': 4782, 'wi': 4783, 'oyster': 4784, 'jean': 4785, 'careful': 4786, 'katherine':
4787, 'tvs': 4788, 'youu': 4789, 'independent': 4790, 'amen': 4791, 'masculinity': 4792, 'fuel': 4793, 'blond':
4794, 'addictive': 4795, 'spree': 4796, 'embarrassing': 4797, 'compare': 4798, 'ri': 4799, 'chc': 4800, 'distrac
ting': 4801, 'presentations': 4802, 'edwards': 4803, 'paso': 4804, 'tw': 4805, 'plate': 4806, 'lipstick': 4807,
'hindi': 4808, 'leslie': 4809, 'redo': 4810, 'replys': 4811, 'venice': 4812, 'mod': 4813, 'souls': 4814, 'double
s': 4815, 'swag': 4816, 'shock': 4817, 'vacuum': 4818, 'uhhh': 4819, 'dylan': 4820, 'wolf': 4821, 'abusebowsabus
e': 4822, 'tattooed': 4823, 'circumstances': 4824, 'portuguese': 4825, 'hii': 4826, 'rooftop': 4827, 'dresses':
4828, 'designs': 4829, 'nano': 4830, 'seed': 4831, 'allah': 4832, 'zach': 4833, 'crib': 4834, 'condolences': 483
5, 'audrey': 4836, 'bible': 4837, 'cents': 4838, 'blushing': 4839, 'agencies': 4840, 'internal': 4841, 'squad':
4842, 'cryin': 4843, 'produce': 4844, 'exploring': 4845, 'deer': 4846, 'lego': 4847, 'helmet': 4848, 'tempting':
4849, 'feeding': 4850, 'brewing': 4851, 'njoy': 4852, 'worldwide': 4853, 'timing': 4854, 'sih': 4855, 'counter':
4856, 'paycheck': 4857, 'hallmark': 4858, 'poets': 4859, 'romantic': 4860, 'vog': 4861, 'folding': 4862, 'boards
': 4863, 'puffs': 4864, 'ka': 4865, 'ilove': 4866, 'slippers': 4867, 'bow': 4868, 'horrid': 4869, 'worthy': 4870
, 'nutella': 4871, 'remove': 4872, 'ugg': 4873, 'oooo': 4874, 'references': 4875, 'tum': 4876, 'bhb': 4877, 'env
ironment': 4878, 'basement': 4879, 'cubicle': 4880, 'jog': 4881, 'itsucks': 4882, 'wifey': 4883, 'graphic': 4884
, 'bestfriend': 4885, 'flags': 4886, 'meat': 4887, 'motorcycle': 4888, 'singers': 4889, 'entered': 4890, 'keycha
in': 4891, 'hashtag': 4892, 'contribute': 4893, 'mitch': 4894, 'socal': 4895, 'eden': 4896, 'formula': 4897, 'ne
rves': 4898, 'requirements': 4899, 'debate': 4900, 'raw': 4901, 'sync': 4902, 'sympathy': 4903, 'borders': 4904,
'sp': 4905, 'sunglasses': 4906, 'deed': 4907, 'clothing': 4908, 'olympic': 4909, 'js': 4910, 'underbelly': 4911,
'hahahah': 4912, 'asada': 4913, 'crushed': 4914, 'ironing': 4915, 'wagon': 4916, 'maccys': 4917, 'indians': 4918
, 'wendy': 4919, 'avenue': 4920, 'assistant': 4921, 'abusehugs': 4922, 'backabuse': 4923, 'information': 4924, '
tuna': 4925, 'african': 4926, 'lool': 4927, 'users': 4928, 'newport': 4929, 'ahhhhhh': 4930, 'ramen': 4931, 'isa
ac': 4932, 'colorful': 4933, 'tackle': 4934, 'wallpaper': 4935, 'pero': 4936, 'citizens': 4937, 'unemployed': 49
38, 'ceremony': 4939, 'ada': 4940, 'section': 4941, 'ohwell': 4942, 'urself': 4943, 'likey': 4944, 'choices': 49
45, 'sudoku': 4946, 'cus': 4947, 'nightshift': 4948, 'drill': 4949, 'est': 4950, 'hols': 4951, 'terribly': 4952,
'reminiscing': 4953, 'scrub': 4954, 'articles': 4955, 'har': 4956, 'unlimited': 4957, 'wnt': 4958, 'uu': 4959, '
earn': 4960, 'gluten': 4961, 'cape': 4962, 'lush': 4963, 'mainly': 4964, 'rails': 4965, 'bl': 4966, 'izzard': 49
67, 'snacks': 4968, 'arts': 4969, 'pms': 4970, 'shifts': 4971, 'farmer': 4972, 'tierd': 4973, 'rankin': 4974, 'm
ent': 4975, 'thick': 4976, 'roomie': 4977, 'peru': 4978, 'hotter': 4979, 'newspaper': 4980, 'ik': 4981, 'stu': 4
982, 'grumpy': 4983, 'physical': 4984, 'nachos': 4985, 'stranded': 4986, 'font': 4987, 'noooooooo': 4988, 'pando
ra': 4989, 'los': 4990, 'sucker': 4991, 'powerful': 4992, 'queries': 4993, 'flirting': 4994, 'ull': 4995, 'steph
en': 4996, 'hugsabuse': 4997, 'ahah': 4998, 'creeped': 4999, 'ning': 5000, 'numb': 5001, 'pg': 5002, 'ken': 5003
, 'fired': 5004, 'richie': 5005, 'ustream': 5006, 'that�s': 5007, 'ims': 5008, 'phrase': 5009, 'fr': 5010, 'hu
bbys': 5011, 'runners': 5012, 'newbie': 5013, 'belated': 5014, 'ooooo': 5015, 'ron': 5016, 'argue': 5017, 'tripp
in': 5018, 'thts': 5019, 'lolso': 5020, 'admitting': 5021, 'bonjour': 5022, 'hahahahah': 5023, 'followin': 5024,
'medication': 5025, 'asylm': 5026, 'rug': 5027, 'auto': 5028, 'electric': 5029, 'treating': 5030, 'nasal': 5031,
'bali': 5032, 'paws': 5033, 'comfort': 5034, 'whisperer': 5035, 'companys': 5036, 'vent': 5037, 'soooooooooo': 5
038, 'marina': 5039, 'schoool': 5040, 'rc': 5041, 'hive': 5042, 'tricked': 5043, 'whiskey': 5044, 'tester': 5045
, 'hittin': 5046, 'hughes': 5047, 'bacteria': 5048, 'visible': 5049, 'td': 5050, 'jealousy': 5051, 'accomplish':
5052, 'coldplay': 5053, 'retweeted': 5054, 'bot': 5055, 'blankets': 5056, 'shark': 5057, 'crane': 5058, 'beware'
: 5059, 'telecom': 5060, 'mastered': 5061, 'aweful': 5062, 'sheesh': 5063, 'puked': 5064, 'avail': 5065, 'laser'
: 5066, 'oldies': 5067, 'definition': 5068, 'migraines': 5069, 'boxers': 5070, 'animated': 5071, 'bipolar': 5072
, 'wu': 5073, 'bruised': 5074, 'jackie': 5075, 'wthe': 5076, 'confirmation': 5077, 'gums': 5078, 'depression': 5
079, 'payed': 5080, 'taxes': 5081, 'puts': 5082, 'doesnabuse': 5083, 'conversations': 5084, 'asses': 5085, 'hint
': 5086, 'sunscreen': 5087, 'mirrors': 5088, 'upgrades': 5089, 'blackberries': 5090, 'unfollowed': 5091, 'sinuse
s': 5092, 'fallow': 5093, 'whack': 5094, 'conrad': 5095, 'sicker': 5096, 'ninja': 5097, 'varsity': 5098, 'fanclu
b': 5099, 'restaurants': 5100, 'panera': 5101, 'jonaswebcast': 5102, 'blunt': 5103, 'absolutly': 5104, 'lied': 5
105, 'cotton': 5106, 'bronchitis': 5107, 'dood': 5108, 'comps': 5109, 'ts': 5110, 'htc': 5111, 'skool': 5112, 'p
eed': 5113, 'hopin': 5114, 'visa': 5115, 'soda': 5116, 'majorly': 5117, 'ittt': 5118, 'actions': 5119, 'inspirin
g': 5120, 'shouts': 5121, 'sox': 5122, 'boarding': 5123, 'oxford': 5124, 'wendys': 5125, 'sundae': 5126, 'buggin
g': 5127, 'vietnam': 5128, 'grabbing': 5129, 'knit': 5130, 'gate': 5131, 'brighton': 5132, 'lenos': 5133, 'conan
': 5134, 'romeo': 5135, 'joker': 5136, 'editors': 5137, 'follows': 5138, 'freeze': 5139, 'relaxed': 5140, 'goooo
d': 5141, 'leader': 5142, 'dong': 5143, 'izzy': 5144, 'poopy': 5145, 'functioning': 5146, 'coworkers': 5147, 'li
ncoln': 5148, 'discount': 5149, 'enthusiastic': 5150, 'foam': 5151, 'thousands': 5152, 'louise': 5153, 'slave':
5154, 'spelt': 5155, 'calculator': 5156, 'serve': 5157, 'rolled': 5158, 'pouting': 5159, 'noisy': 5160, 'mraz':
5161, 'amichael': 5162, 'brisbane': 5163, 'annual': 5164, 'terms': 5165, 'morrisons': 5166, 'et': 5167, 'spears'
: 5168, 'yuck': 5169, 'cc': 5170, 'digg': 5171, 'drums': 5172, 'sets': 5173, 'kidney': 5174, 'anderson': 5175, '
warranty': 5176, 'qi': 5177, 'needing': 5178, 'hoedown': 5179, 'ae': 5180, 'livin': 5181, 'speedy': 5182, 'richa
rds': 5183, 'premium': 5184, 'prada': 5185, 'storms': 5186, 'diesel': 5187, 'suv': 5188, 'organic': 5189, 'plots
': 5190, 'nokia': 5191, 'denmark': 5192, 'mikey': 5193, 'paste': 5194, 'traditional': 5195, 'olives': 5196, 'del
ish': 5197, 'cnn': 5198, 'tends': 5199, 'ti': 5200, 'denial': 5201, 'repeated': 5202, 'jailbreak': 5203, 'rum':
5204, 'lexus': 5205, 'writers': 5206, 'pcd': 5207, 'assembly': 5208, 'injury': 5209, 'families': 5210, 'striped'
: 5211, 'pals': 5212, 'reschedule': 5213, 'pierced': 5214, 'dunkin': 5215, 'donuts': 5216, 'saga': 5217, 'portla
nd': 5218, 'burbank': 5219, 'misery': 5220, 'haz': 5221, 'parked': 5222, 'hosted': 5223, 'homes': 5224, 'lappy':
5225, 'caps': 5226, 'bffs': 5227, 'stone': 5228, 'amaze': 5229, 'abusei': 5230, 'mamma': 5231, 'fixing': 5232, '
wins': 5233, 'hulk': 5234, 'victory': 5235, 'fuzzball': 5236, 'unfollow': 5237, 'attempts': 5238, 'creating': 52
39, 'judge': 5240, 'wizard': 5241, 'trading': 5242, 'gg': 5243, 'sole': 5244, 'stitches': 5245, 'thanking': 5246
, 'lj': 5247, 'actress': 5248, 'physically': 5249, 'attracted': 5250, 'particular': 5251, 'thatd': 5252, 'drunke
n': 5253, 'sc': 5254, 'jelly': 5255, 'adsense': 5256, 'shade': 5257, 'screening': 5258, 'herself': 5259, 'physic
s': 5260, 'dooo': 5261, 'branch': 5262, 'generally': 5263, 'casino': 5264, 'minimum': 5265, 'australian': 5266,
'birth': 5267, 'co': 5268, 'bury': 5269, 'siya': 5270, 'magnificent': 5271, 'techno': 5272, 'backs': 5273, 'mba'
: 5274, 'shown': 5275, 'imaginary': 5276, 'todo': 5277, 'abby': 5278, 'wayyy': 5279, 'hollywood': 5280, 'intende
d': 5281, 'playoffs': 5282, 'jerrys': 5283, 'stable': 5284, 'privacy': 5285, 'education': 5286, 'cereal': 5287,
'killboy': 5288, 'reno': 5289, 'rings': 5290, 'somatic': 5291, 'mayday': 5292, 'inn': 5293, 'vegetable': 5294, '
sounded': 5295, 'eva': 5296, 'gaining': 5297, 'distant': 5298, 'relative': 5299, 'expired': 5300, 'cg': 5301, 't
mr': 5302, 'increased': 5303, 'spilled': 5304, 'marvelous': 5305, 'efron': 5306, 'graduates': 5307, 'dell': 5308
, 'med': 5309, 'ph': 5310, 'mya': 5311, 'tyra': 5312, 'rides': 5313, 'whip': 5314, 'freckles': 5315, 'sociology'
: 5316, 'myrtle': 5317, 'damaged': 5318, 'wallace': 5319, 'renewed': 5320, 'apprentice': 5321, 'broadway': 5322,
'lashes': 5323, 'sadd': 5324, 'falls': 5325, 'showin': 5326, 'salon': 5327, 'firmware': 5328, 'arvo': 5329, 'dra
gging': 5330, 'holland': 5331, 'mayhem': 5332, 'receiving': 5333, 'ba': 5334, 'twitterena': 5335, 'finest': 5336
, 'headphones': 5337, 'viewers': 5338, 'harddrive': 5339, 'cig': 5340, 'gents': 5341, 'runny': 5342, 'scores': 5
343, 'ft': 5344, 'leighton': 5345, 'meester': 5346, 'evidence': 5347, 'perfection': 5348, 'shopped': 5349, 'haro
ld': 5350, 'sin': 5351, 'ne': 5352, 'surprising': 5353, 'effed': 5354, 'specific': 5355, 'planes': 5356, 'collea
gues': 5357, 'reward': 5358, 'pill': 5359, 'priscilla': 5360, 'mashed': 5361, 'archuleta': 5362, 'turtle': 5363,
'bandwidth': 5364, 'amanda': 5365, 'daft': 5366, 'tonighti': 5367, 'sigjeans': 5368, 'booze': 5369, 'inner': 537
0, 'richard': 5371, 'jai': 5372, 'om': 5373, 'fetch': 5374, 'knackered': 5375, 'placement': 5376, 'heartburn': 5
377, 'hq': 5378, 'canadian': 5379, 'documents': 5380, 'maps': 5381, 'pb': 5382, 'vinegar': 5383, 'pepsi': 5384,
'knw': 5385, 'invitation': 5386, 'chica': 5387, 'liam': 5388, 'ghosts': 5389, 'virtual': 5390, 'gb': 5391, 'effe
ctive': 5392, 'voodoo': 5393, 'journal': 5394, 'specifically': 5395, 'rescheduled': 5396, 'ruining': 5397, 'take
rs': 5398, 'meanie': 5399, 'possibility': 5400, 'pen': 5401, 'galore': 5402, 'spoilt': 5403, 'morrissey': 5404,
'leather': 5405, 'knox': 5406, 'enjoyable': 5407, 'tops': 5408, 'mmmmm': 5409, 'breezy': 5410, 'dollhouse': 5411
, 'craig': 5412, 'pw': 5413, 'pump': 5414, 'sweety': 5415, 'trapped': 5416, 'cart': 5417, 'beers': 5418, 'mega':
5419, 'bron': 5420, 'domestic': 5421, 'jumped': 5422, 'sweatshirt': 5423, 'noooooo': 5424, 'leeds': 5425, 'desir
e': 5426, 'yas': 5427, 'faire': 5428, 'agile': 5429, 'lolll': 5430, 'celebrities': 5431, 'equal': 5432, 'subtle'
: 5433, 'vintage': 5434, 'mango': 5435, 'alike': 5436, 'brownie': 5437, 'tragedy': 5438, 'canon': 5439, 'cage':
5440, 'simon': 5441, 'argument': 5442, 'prince': 5443, 'prosper': 5444, 'filipino': 5445, 'flights': 5446, 'team
s': 5447, 'glue': 5448, 'twist': 5449, 'landed': 5450, 'elaine': 5451, 'manners': 5452, 'companies': 5453, 'wooo
': 5454, 'goooo': 5455, 'hiccups': 5456, 'expenses': 5457, 'heehee': 5458, 'dora': 5459, 'ironic': 5460, 'scotla
nd': 5461, 'yesss': 5462, 'toris': 5463, 'remains': 5464, 'downside': 5465, 'intentionally': 5466, 'routine': 54
67, 'brighter': 5468, 'kent': 5469, 'anywho': 5470, 'gahh': 5471, 'coupons': 5472, 'partyin': 5473, 'chances': 5
474, 'cheeks': 5475, 'sticky': 5476, 'tres': 5477, 'victor': 5478, 'eyesabuse': 5479, 'andor': 5480, 'granny': 5
481, 'wooow': 5482, 'hairdresser': 5483, 'bottles': 5484, 'madre': 5485, 'function': 5486, 'attached': 5487, 'ja
cked': 5488, 'priced': 5489, 'fringe': 5490, 'foster': 5491, 'stung': 5492, 'apples': 5493, 'ground': 5494, 'lax
': 5495, 'campus': 5496, 'nascar': 5497, 'circle': 5498, 'led': 5499, 'brief': 5500, 'widget': 5501, 'iowa': 550
2, 'sanity': 5503, 'belfast': 5504, 'begun': 5505, 'charles': 5506, 'harsh': 5507, 'sanctuary': 5508, 'owww': 55
09, 'bums': 5510, 'holes': 5511, 'transport': 5512, 'icky': 5513, 'ooohhh': 5514, 'lift': 5515, 'inability': 551
6, 'hip': 5517, 'wanda': 5518, 'shadow': 5519, 'realistic': 5520, 'giveaway': 5521, 'aloha': 5522, 'treatment':
5523, 'shave': 5524, 'concept': 5525, 'developed': 5526, 'stats': 5527, 'sim': 5528, 'ahahaha': 5529, 'refused':
5530, 'boxing': 5531, 'standby': 5532, 'charm': 5533, 'barnes': 5534, 'promising': 5535, 'maam': 5536, 'nobodys'
: 5537, 'joan': 5538, 'eaten': 5539, 'deliver': 5540, 'fonts': 5541, 'bri': 5542, 'goodluck': 5543, 'exhibition'
: 5544, 'prize': 5545, 'rap': 5546, 'samberg': 5547, 'dandy': 5548, 'advert': 5549, 'randoms': 5550, 'spill': 55
51, 'pint': 5552, 'sweetest': 5553, 'images': 5554, 'omgosh': 5555, 'basket': 5556, 'straighten': 5557, 'cow': 5
558, 'wheat': 5559, 'fort': 5560, 'pups': 5561, 'err': 5562, 'dentists': 5563, 'dearly': 5564, 'fireworks': 5565
, 'freaky': 5566, 'spreading': 5567, 'sinking': 5568, 'greece': 5569, 'polaroid': 5570, 'impressions': 5571, 'tr
u': 5572, 'robert': 5573, 'kavya': 5574, 'scheduled': 5575, 'hawks': 5576, 'brightens': 5577, 'tp': 5578, 'plugg
ing': 5579, 'scout': 5580, 'printing': 5581, 'therell': 5582, 'laters': 5583, 'tminus': 5584, 'mannnn': 5585, 'p
rove': 5586, 'celebs': 5587, 'bebe': 5588, 'sadi': 5589, 'wing': 5590, 'disturbed': 5591, 'amongst': 5592, 'frui
ts': 5593, 'reel': 5594, 'amazed': 5595, 'sentence': 5596, 'bake': 5597, 'liesboystell': 5598, 'unfortunatly': 5
599, 'comm': 5600, 'lucy': 5601, 'copenhagen': 5602, 'breeding': 5603, 'lott': 5604, 'politicians': 5605, 'maria
h': 5606, 'pops': 5607, 'morris': 5608, 'cud': 5609, 'cuts': 5610, 'nm': 5611, 'jamba': 5612, 'drum': 5613, 'bg'
: 5614, 'sticking': 5615, 'skillz': 5616, 'goat': 5617, 'wheels': 5618, 'lifetime': 5619, 'providing': 5620, 'aw
kward': 5621, 'wrecked': 5622, 'att': 5623, 'heated': 5624, 'nightly': 5625, 'kool': 5626, 'troy': 5627, 'disapp
ointment': 5628, 'discovery': 5629, 'sprain': 5630, 'ungodly': 5631, 'hiii': 5632, 'nanna': 5633, 'georgia': 563
4, 'kyle': 5635, 'shhh': 5636, 'learnt': 5637, 'aj': 5638, 'compatible': 5639, 'sprained': 5640, 'fields': 5641,
'lenovo': 5642, 'fn': 5643, 'kris': 5644, 'grades': 5645, 'moan': 5646, 'hiking': 5647, 'pos': 5648, 'jello': 56
49, 'howd': 5650, 'published': 5651, 'prizes': 5652, 'wernt': 5653, 'wished': 5654, 'marc': 5655, 'abandoning':
5656, 'engaged': 5657, 'melissa': 5658, 'monies': 5659, 'peep': 5660, 'involving': 5661, 'kindergarten': 5662, '
luna': 5663, 'eagle': 5664, 'tall': 5665, 'sheet': 5666, 'hid': 5667, 'mushroom': 5668, 'mourning': 5669, 'sourc
es': 5670, 'operation': 5671, 'tuned': 5672, 'strip': 5673, 'looong': 5674, 'loaded': 5675, 'yt': 5676, 'blogger
': 5677, 'females': 5678, 'musicmonday': 5679, 'nk': 5680, 'transformers': 5681, 'index': 5682, 'loading': 5683,
'awaits': 5684, 'cult': 5685, 'byeeeee': 5686, 'tad': 5687, 'draft': 5688, 'ovi': 5689, 'bamboozle': 5690, 'mcfl
ys': 5691, 'sn': 5692, 'viewing': 5693, 'inspired': 5694, 'baka': 5695, 'saddened': 5696, 'dey': 5697, 'context'
: 5698, 'kan': 5699, 'nauseous': 5700, 'chirping': 5701, 'deli': 5702, 'kayla': 5703, 'tweeples': 5704, 'mimis':
5705, 'rebel': 5706, 'pantera': 5707, 'liz': 5708, 'rd': 5709, 'primavera': 5710, 'lighting': 5711, 'chopped': 5
712, 'liver': 5713, 'intro': 5714, 'temperature': 5715, 'refreshed': 5716, 'tragic': 5717, 'leicester': 5718, 'r
ichmond': 5719, 'goi': 5720, 'miller': 5721, 'psychology': 5722, 'aloud': 5723, 'infected': 5724, 'headline': 57
25, 'guild': 5726, 'untill': 5727, 'cooperating': 5728, 'rates': 5729, 'twhirl': 5730, 'income': 5731, 'mohawk':
5732, 'contemplating': 5733, 'breast': 5734, 'rotten': 5735, 'keith': 5736, 'automatic': 5737, 'benefit': 5738,
'customers': 5739, 'dvr': 5740, 'alexis': 5741, 'gue': 5742, 'hungover': 5743, 'goldfish': 5744, 'readin': 5745,
'waaaaay': 5746, 'nfg': 5747, 'harlem': 5748, 'gilmore': 5749, 'patron': 5750, 'civic': 5751, 'sleepin': 5752, '
lava': 5753, 'columbus': 5754, 'tina': 5755, 'goddamn': 5756, 'hawaii': 5757, 'cheating': 5758, 'additional': 57
59, 'humid': 5760, 'spit': 5761, 'ballerina': 5762, 'dreambears': 5763, 'stanky': 5764, 'fabric': 5765, 'yessir'
: 5766, 'mushrooms': 5767, 'ins': 5768, 'playlist': 5769, 'classics': 5770, 'adopted': 5771, 'urs': 5772, 'dk':
5773, 'you�re': 5774, 'trumpet': 5775, 'hundred': 5776, 'deserved': 5777, 'elses': 5778, 'fieldnotes': 5779, '
aunts': 5780, 'fluffy': 5781, 'dash': 5782, 'directory': 5783, 'missy': 5784, 'garlic': 5785, 'whn': 5786, 'stre
ngth': 5787, 'bailey': 5788, 'sulking': 5789, 'northern': 5790, 'nhl': 5791, 'soundtrack': 5792, 'meeeee': 5793,
'poppins': 5794, 'evans': 5795, 'twitties': 5796, 'chicks': 5797, 'shipping': 5798, 'spaces': 5799, 'wating': 58
00, 'acid': 5801, 'opportunity': 5802, 'susan': 5803, 'entirely': 5804, 'hott': 5805, 'heheh': 5806, 'crawl': 58
07, 'ui': 5808, 'parvo': 5809, 'noodle': 5810, 'sizes': 5811, 'cope': 5812, 'abusehugglesabuse': 5813, 'invites'
: 5814, 'bsg': 5815, 'coldstone': 5816, 'banned': 5817, 'bumping': 5818, 'weirdest': 5819, 'allergic': 5820, 'wi
ki': 5821, 'choc': 5822, 'whilst': 5823, 'foggy': 5824, 'lite': 5825, 'sm': 5826, 'freshman': 5827, 'paperwork':
5828, 'convenient': 5829, 'survived': 5830, 'patch': 5831, 'prank': 5832, 'nicky': 5833, 'pleaseee': 5834, 'touc
hing': 5835, 'leadership': 5836, 'stanley': 5837, 'slap': 5838, 'travis': 5839, 'owns': 5840, 'gooooood': 5841,
'value': 5842, 'youbut': 5843, 'tiger': 5844, 'bees': 5845, 'starfleet': 5846, 'bak': 5847, 'didn�t': 5848, 'c
rime': 5849, 'jeremy': 5850, 'consolation': 5851, 'stealth': 5852, 'mgmt': 5853, 'enemy': 5854, 'natalie': 5855,
'pools': 5856, 'tila': 5857, 'ottawa': 5858, 'valid': 5859, 'messenger': 5860, 'alaska': 5861, 'humble': 5862, '
witness': 5863, 'wb': 5864, 'potty': 5865, 'aaah': 5866, 'cya': 5867, 'relatively': 5868, 'jaja': 5869, 'chad':
5870, 'abusecoughabuse': 5871, 'poems': 5872, 'brick': 5873, 'dats': 5874, 'tokio': 5875, 'pushed': 5876, 'conti
nues': 5877, 'cords': 5878, 'tshirts': 5879, 'mustve': 5880, 'tnx': 5881, 'kardashian': 5882, 'bec': 5883, 'fors
ure': 5884, 'bitten': 5885, 'dashboard': 5886, 'fishies': 5887, 'directly': 5888, 'toyota': 5889, 'shallow': 589
0, 'rabies': 5891, 'unknown': 5892, 'bumps': 5893, 'gotcha': 5894, 'doubled': 5895, 'mirror': 5896, 'whens': 589
7, 'triste': 5898, 'scar': 5899, 'cheek': 5900, 'boohoo': 5901, 'slowest': 5902, 'cp': 5903, 'designer': 5904, '
dominos': 5905, 'boi': 5906, 'loli': 5907, 'quietly': 5908, 'stale': 5909, 'nina': 5910, 'brooke': 5911, 'chops'
: 5912, 'knowi': 5913, 'oral': 5914, 'complain': 5915, 'sandwhich': 5916, 'walls': 5917, 'probly': 5918, 'phoeni
x': 5919, 'fiddler': 5920, 'cube': 5921, 'carolina': 5922, 'teddy': 5923, 'pamper': 5924, 'utah': 5925, 'sl': 59
26, 'crab': 5927, 'prints': 5928, 'conquered': 5929, 'arkham': 5930, 'greet': 5931, 'grader': 5932, 'judy': 5933
, 'buggy': 5934, 'production': 5935, 'lemonade': 5936, 'relaxation': 5937, 'hayes': 5938, 'yur': 5939, 'opposed'
: 5940, 'buti': 5941, 'tym': 5942, 'tn': 5943, 'ringtones': 5944, 'aswel': 5945, 'recital': 5946, 'shin': 5947,
'martini': 5948, 'htown': 5949, 'tales': 5950, 'lm': 5951, 'sake': 5952, 'diana': 5953, 'steady': 5954, 'syndrom
e': 5955, 'pax': 5956, 'travels': 5957, 'sql': 5958, 'madd': 5959, 'bold': 5960, 'quizzes': 5961, 'bothering': 5
962, 'retiring': 5963, 'shampoo': 5964, 'html': 5965, 'bat': 5966, 'tai': 5967, 'army': 5968, 'costa': 5969, 're
z': 5970, 'cof': 5971, 'recipes': 5972, 'sickness': 5973, 'onee': 5974, 'jays': 5975, 'oliver': 5976, 'resting':
5977, 'fewer': 5978, 'dreamt': 5979, 'bouncy': 5980, 'nonstop': 5981, 'bkk': 5982, 'tanner': 5983, 'trails': 598
4, 'xoxox': 5985, 'molar': 5986, 'bom': 5987, 'olds': 5988, 'keyboards': 5989, 'fits': 5990, 'cont': 5991, 'booo
ooooo': 5992, 'slim': 5993, 'replacement': 5994, 'warren': 5995, 'cache': 5996, 'nightmares': 5997, 'digest': 59
98, 'cocktail': 5999, 'attitude': 6000, 'hmv': 6001, 'aol': 6002, 'popcorn': 6003, 'meagan': 6004, 'sass': 6005,
'shaw': 6006, 'needa': 6007, 'discounts': 6008, 'beatwittyparty': 6009, 'reeeally': 6010, 'kong': 6011, 'philoso
phical': 6012, 'gigantic': 6013, 'diggin': 6014, 'booth': 6015, 'auditions': 6016, 'mami': 6017, 'givin': 6018,
'viral': 6019, 'stat': 6020, 'refund': 6021, 'healing': 6022, 'gates': 6023, 'ridiculous': 6024, 'erica': 6025,
'youi': 6026, 'honeymoon': 6027, 'sean': 6028, 'treated': 6029, 'athens': 6030, 'awesomee': 6031, 'munch': 6032,
'yogurt': 6033, 'developing': 6034, 'filthy': 6035, 'gawd': 6036, 'palms': 6037, 'excuses': 6038, 'mels': 6039,
'russians': 6040, 'arthur': 6041, 'proudly': 6042, 'commercial': 6043, 'sophia': 6044, 'cameo': 6045, 'leah': 60
46, 'gretel': 6047, 'translate': 6048, 'textmate': 6049, 'sensation': 6050, 'stefan': 6051, 'confess': 6052, 'ch
ars': 6053, 'drizzling': 6054, 'honesty': 6055, 'trans': 6056, 'wifes': 6057, 'redskins': 6058, 'jansen': 6059,
'daya': 6060, 'worm': 6061, 'disconnected': 6062, 'cricinfo': 6063, 'fluids': 6064, 'dose': 6065, 'overi': 6066,
'redbull': 6067, 'queue': 6068, 'strangely': 6069, 'stroke': 6070, 'homesick': 6071, 'twenty': 6072, 'bacc': 607
3, 'begining': 6074, 'dial': 6075, 'mails': 6076, 'sincerely': 6077, 'noice': 6078, 'bitchy': 6079, 'mother�s'
: 6080, 'inspite': 6081, 'titles': 6082, 'beeen': 6083, 'homeeee': 6084, 'suite': 6085, 'meredith': 6086, 'harm'
: 6087, 'mg': 6088, 'andre': 6089, 'lorraine': 6090, 'amsterdam': 6091, 'pinch': 6092, 'singstar': 6093, 'gamebo
y': 6094, 'survey': 6095, 'audit': 6096, 'paige': 6097, 'jenn': 6098, 'southend': 6099, 'weeding': 6100, 'sumtim
e': 6101, 'hurdle': 6102, 'parallels': 6103, 'everbody': 6104, 'scones': 6105, 'papi': 6106, 'boredd': 6107, 'cu
zz': 6108, 'placed': 6109, 'jeje': 6110, 'rec': 6111, 'waaah': 6112, 'dubai': 6113, 'vanessa': 6114, 'hudgens':
6115, 'ick': 6116, 'fasho': 6117, 'litle': 6118, 'carrying': 6119, 'boulder': 6120, 'freedom': 6121, 'treasures'
: 6122, 'cue': 6123, 'aware': 6124, 'pollution': 6125, 'rightlol': 6126, 'belive': 6127, 'shelves': 6128, 'diva'
: 6129, 'suicides': 6130, 'sodas': 6131, 'fires': 6132, 'disagree': 6133, 'greatness': 6134, 'election': 6135, '
kettle': 6136, 'plzz': 6137, 'indonesia': 6138, 'aunties': 6139, 'increasing': 6140, 'perry': 6141, 'damn': 6142
, 'throbbing': 6143, 'alley': 6144, 'funn': 6145, 'spice': 6146, 'catcher': 6147, 'alpha': 6148, 'heartwarming':
6149, 'guna': 6150, 'stations': 6151, 'dismal': 6152, 'rr': 6153, 'md': 6154, 'oll': 6155, 'empathise': 6156, 'a
pprove': 6157, 'flesh': 6158, 'admitted': 6159, 'ontario': 6160, 'boost': 6161, 'prep': 6162, 'pku': 6163, 'jess
ie': 6164, 'rethink': 6165, 'unbearable': 6166, 'eeeeeee': 6167, 'boyfriends': 6168, 'wus': 6169, 'itand': 6170,
'raspberry': 6171, 'sherbert': 6172, 'unintentionally': 6173, 'gl': 6174, 'fastest': 6175, 'gloss': 6176, 'safel
y': 6177, 'convention': 6178, 'organizing': 6179, 'parallel': 6180, 'oreos': 6181, 'pete': 6182, 'utterly': 6183
, 'fic': 6184, 'employees': 6185, 'frisbee': 6186, 'upmaybe': 6187, 'cherish': 6188, 'kazim': 6189, 'cera': 6190
, 'fellas': 6191, 'elliot': 6192, 'brekkie': 6193, 'ud': 6194, 'ure': 6195, 'soaps': 6196, 'ru': 6197, 'lia': 61
98, 'grabbed': 6199, 'aiming': 6200, 'raffle': 6201, 'stylish': 6202, 'ambien': 6203, 'species': 6204, 'bonus':
6205, 'unpaid': 6206, 'teleport': 6207, 'piercing': 6208, 'pts': 6209, 'cosplay': 6210, 'assassin': 6211, 'vets'
: 6212, 'shinning': 6213, 'debut': 6214, 'skins': 6215, 'css': 6216, 'dent': 6217, 'fixreplies': 6218, 'yipee':
6219, 'athletic': 6220, 'racket': 6221, 'excitement': 6222, 'crocheted': 6223, 'poly': 6224, 'fibe': 6225, 'warn
ings': 6226, 'sumone': 6227, 'batteries': 6228, 'unfortunate': 6229, 'drip': 6230, 'featured': 6231, 'knooow': 6
232, 'sail': 6233, 'shitttt': 6234, 'ihave': 6235, 'portsmouth': 6236, 'fantasy': 6237, 'robot': 6238, 'thro': 6
239, 'heavens': 6240, 'mere': 6241, 'diapers': 6242, 'raven': 6243, 'lopez': 6244, 'example': 6245, 'grizzly': 6
246, 'bldg': 6247, 'anyhoo': 6248, 'dissapointed': 6249, 'kayo': 6250, 'cracked': 6251, 'nowabuse': 6252, 'godaw
ful': 6253, 'pirate': 6254, 'worrying': 6255, 'chloe': 6256, 'prologue': 6257, 'misconstrued': 6258, 'fascinatin
g': 6259, 'spaghetti': 6260, 'conspiracy': 6261, 'nancy': 6262, 'beatles': 6263, 'fuse': 6264, 'spare': 6265, 'h
ighschool': 6266, 'gorilla': 6267, 'pod': 6268, 'props': 6269, 'initials': 6270, 'microwave': 6271, 'oct': 6272,
'cubbies': 6273, 'shipwrecked': 6274, 'cone': 6275, 'sparkling': 6276, 'kindness': 6277, 'ofcourse': 6278, 'dots
': 6279, 'voices': 6280, 'eventhough': 6281, 'absent': 6282, 'strikes': 6283, 'squirrels': 6284, 'gant': 6285, '
quiero': 6286, 'poet': 6287, 'dez': 6288, 'kennel': 6289, 'cici': 6290, 'detention': 6291, 'hut': 6292, 'chile':
6293, 'shrimp': 6294, 'electricity': 6295, 'stepped': 6296, 'sock': 6297, 'reads': 6298, 'dome': 6299, 'durian':
6300, 'macarons': 6301, 'talaga': 6302, 'nga': 6303, 'pala': 6304, 'darkness': 6305, 'satan': 6306, 'googled': 6
307, 'uggg': 6308, 'batty': 6309, 'defrag': 6310, 'intrigued': 6311, 'dimples': 6312, 'naww': 6313, 'dimple': 63
14, 'ugggh': 6315, 'srry': 6316, 'bulgaria': 6317, 'yal': 6318, 'phat': 6319, 'derek': 6320, 'elk': 6321, 'piper
s': 6322, 'boiled': 6323, 'bosses': 6324, 'malaysian': 6325, 'recall': 6326, 'clogging': 6327, 'errors': 6328, '
motorways': 6329, 'xrays': 6330, 'amor': 6331, 'ja': 6332, 'teehee': 6333, 'everrr': 6334, 'notion': 6335, 'sars
': 6336, 'whee': 6337, 'hanna': 6338, 'dozen': 6339, 'torrent': 6340, 'distribution': 6341, 'entertain': 6342, '
tripped': 6343, 'plastic': 6344, 'midst': 6345, 'rex': 6346, 'architecture': 6347, 'aunty': 6348, 'mcflyandjb':
6349, 'lips': 6350, 'xmas': 6351, 'applies': 6352, 'vocal': 6353, 'df': 6354, 'energized': 6355, 'cuba': 6356, '
rack': 6357, 'deplurk': 6358, 'ashleigh': 6359, 'bens': 6360, 'pitty': 6361, 'wld': 6362, 'rlly': 6363, 'ozzy':
6364, 'nowshe': 6365, 'ityou': 6366, 'fukn': 6367, 'chillaxin': 6368, 'wkend': 6369, 'classy': 6370, 'begins': 6
371, 'buns': 6372, 'riverside': 6373, 'sleeeep': 6374, 'jager': 6375, 'sample': 6376, 'bop': 6377, 'commitments'
: 6378, 'upand': 6379, 'edits': 6380, 'funtime': 6381, 'despair': 6382, 'poverty': 6383, 'futile': 6384, 'topped
': 6385, 'itim': 6386, 'opted': 6387, 'aaaa': 6388, 'thnks': 6389, 'fears': 6390, 'chronicles': 6391, 'redhead':
6392, 'concerts': 6393, 'bach': 6394, 'oj': 6395, 'director': 6396, 'helloooo': 6397, 'drews': 6398, 'defense':
6399, 'travelling': 6400, 'wme': 6401, 'blanket': 6402, 'battlestar': 6403, 'galactica': 6404, 'jbs': 6405, 'add
icting': 6406, 'laurens': 6407, 'expectations': 6408, 'element': 6409, 'hash': 6410, 'evolution': 6411, 'alterna
tives': 6412, 'sneezed': 6413, 'gw': 6414, 'publishing': 6415, 'blackberrys': 6416, 'pixies': 6417, 'todayyyyyy'
: 6418, 'spf': 6419, 'chemicals': 6420, 'shifting': 6421, 'chomp': 6422, 'overheating': 6423, 'byeeee': 6424, 's
oak': 6425, 'furious': 6426, 'buzzed': 6427, 'abusetearsabuse': 6428, 'superstar': 6429, 'avid': 6430, 'magazine
s': 6431, 'missions': 6432, 'volunteer': 6433, 'extension': 6434, 'chaos': 6435, 'braid': 6436, 'animation': 643
7, 'fifth': 6438, 'loooooong': 6439, 'cultural': 6440, 'cemetary': 6441, 'netbook': 6442, 'concepts': 6443, 'abu
sereallyabuse': 6444, 'chats': 6445, 'databases': 6446, 'solved': 6447, 'twiter': 6448, 'ama': 6449, 'cooooooooo
l': 6450, 'db': 6451, 'academic': 6452, 'stockholm': 6453, 'phantom': 6454, 'wohoo': 6455, 'loool': 6456, 'donab
use': 6457, 'quinn': 6458, 'hehehehe': 6459, 'orphan': 6460, 'lambs': 6461, 'speeding': 6462, 'nikki': 6463, 'ba
ths': 6464, 'fathom': 6465, 'prettier': 6466, 'siss': 6467, 'stayin': 6468, 'gabba': 6469, 'complaints': 6470, '
outttt': 6471, 'schedules': 6472, 'shatner': 6473, 'workunfortunately': 6474, 'watering': 6475, 'ze': 6476, 'gol
fing': 6477, 'dans': 6478, 'sytycd': 6479, 'ashleighhh': 6480, 'snake': 6481, 'elvis': 6482, 'kiyosakis': 6483,
'colors': 6484, 'confusin': 6485, 'nash': 6486, 'painted': 6487, 'matey': 6488, 'chitown': 6489, 'edwin': 6490,
'masters': 6491, 'torta': 6492, 'chauffeur': 6493, 'oopsie': 6494, 'theree': 6495, 'switched': 6496, 'mixing': 6
497, 'menace': 6498, 'intelligent': 6499, 'pitas': 6500, 'smoothies': 6501, 'sats': 6502, 'strongly': 6503, 'agr
ees': 6504, 'sho': 6505, 'mozarts': 6506, 'gtalk': 6507, 'pow': 6508, 'trend': 6509, 'windsor': 6510, 'urgent':
6511, 'stronger': 6512, 'congratulatory': 6513, 'damnnn': 6514, 'timeee': 6515, 'powerblog': 6516, 'lols': 6517,
'movement': 6518, 'boonies': 6519, 'roulette': 6520, 'allens': 6521, 'resistance': 6522, 'affects': 6523, 'headl
ining': 6524, 'mower': 6525, 'ughwhat': 6526, 'soldiers': 6527, 'automatically': 6528, 'bck': 6529, 'accessible'
: 6530, 'mug': 6531, 'ma�': 6532, 'nc': 6533, 'blasting': 6534, 'cb': 6535, 'screamin': 6536, 'closes': 6537,
'protein': 6538, 'alias': 6539, 'pe': 6540, 'ermm': 6541, 'upper': 6542, 'greatly': 6543, 'beards': 6544, 'compo
sition': 6545, 'greek': 6546, 'choked': 6547, 'behaved': 6548, 'publishers': 6549, 'grubby': 6550, 'vodafone': 6
551, 'tropical': 6552, 'impose': 6553, 'predict': 6554, 'asbestos': 6555, 'rember': 6556, 'claires': 6557, 'reje
ction': 6558, 'missus': 6559, 'exclusive': 6560, 'ondemand': 6561, 'acing': 6562, 'tat': 6563, 'dana': 6564, 'rs
s': 6565, 'eternally': 6566, 'qs': 6567, 'repinging': 6568, 'sbs': 6569, 'latin': 6570, 'sgt': 6571, 'meningitis
': 6572, 'rapids': 6573, 'possessed': 6574, 'slaves': 6575, 'harlow': 6576, 'sentimental': 6577, 'terminal': 657
8, 'backstreet': 6579, 'skirt': 6580, 'nuttin': 6581, 'alexi': 6582, 'overdue': 6583, 'looming': 6584, 'accent':
6585, 'puter': 6586, 'happend': 6587, 'hhaha': 6588, 'tweeten': 6589, 'mario': 6590, 'pudding': 6591, 'clancy':
6592, 'shades': 6593, 'stoned': 6594, 'anticipating': 6595, 'ethan': 6596, 'exp': 6597, 'thoi': 6598, 'fernanda'
: 6599, 'cordova': 6600, 'soggy': 6601, 'traumatized': 6602, 'brewed': 6603, 'io': 6604, 'nightlast': 6605, 'seg
ment': 6606, 'memy': 6607, 'memes': 6608, 'charleston': 6609, 'coffe': 6610, 'ek': 6611, 'carpet': 6612, 'liquor
': 6613, 'lasagna': 6614, 'buzzing': 6615, 'julie': 6616, 'dreaded': 6617, 'babysitter': 6618, 'sans': 6619, 'sh
opaholic': 6620, 'funnn': 6621, 'whores': 6622, 'cynical': 6623, 'hurtin': 6624, 'tying': 6625, 'stings': 6626,
'angelina': 6627, 'nto': 6628, 'twittertakeover': 6629, 'among': 6630, 'shoud': 6631, 'hgtv': 6632, 'scent': 663
3, 'tee': 6634, 'behalf': 6635, 'naming': 6636, 'lmaoi': 6637, 'eliminated': 6638, 'supporting': 6639, 'locals':
6640, 'tab': 6641, 'providence': 6642, 'estas': 6643, 'lamesauce': 6644, 'lizzie': 6645, 'achy': 6646, 'yummmm':
6647, 'reeses': 6648, 'himi': 6649, 'gummy': 6650, 'worms': 6651, 'milkshakes': 6652, 'lottery': 6653, 'pd': 665
4, 'cincinnati': 6655, 'seperation': 6656, 'wh': 6657, 'aargh': 6658, 'workk': 6659, 'igloo': 6660, 'whoot': 666
1, 'mar': 6662, 'par': 6663, 'netball': 6664, 'lemsip': 6665, 'queer': 6666, 'carson': 6667, 'durin': 6668, 'abu
seevil': 6669, 'zs': 6670, 'huntsville': 6671, 'forreal': 6672, 'stinkin': 6673, 'gumbo': 6674, 'tommorrow': 667
5, 'fukin': 6676, 'encourage': 6677, 'globe': 6678, 'juliet': 6679, 'txting': 6680, 'risking': 6681, 'vibe': 668
2, 'reviewed': 6683, 'terra': 6684, 'halt': 6685, 'sides': 6686, 'peeling': 6687, 'lars': 6688, 'cloth': 6689, '
onscreen': 6690, 'snail': 6691, 'colossus': 6692, 'wraps': 6693, 'pickle': 6694, 'doe': 6695, 'janeiro': 6696, '
festivities': 6697, 'baddd': 6698, 'hiring': 6699, 'swears': 6700, 've': 6701, 'amused': 6702, 'swimsuit': 6703,
'promo': 6704, 'scotts': 6705, 'command': 6706, 'oreo': 6707, 'appointments': 6708, 'alarms': 6709, 'unanswered'
: 6710, 'returns': 6711, 'esther': 6712, 'meditate': 6713, 'investigated': 6714, 'britneys': 6715, 'stroll': 671
6, 'rode': 6717, 'jeep': 6718, 'hahahahahaha': 6719, 'tumors': 6720, 'upi': 6721, 'monk': 6722, 'slides': 6723,
'throwdown': 6724, 'drugged': 6725, 'pendant': 6726, 'spelled': 6727, 'unni': 6728, 'nos': 6729, 'yesbut': 6730,
'pattern': 6731, 'suggested': 6732, 'madison': 6733, 'environmental': 6734, 'embassy': 6735, 'exceeded': 6736, '
grrh': 6737, 'switching': 6738, 'tinternet': 6739, 'tooi': 6740, 'newish': 6741, 'pros': 6742, 'eg': 6743, 'toda
yyy': 6744, 'confident': 6745, 'itit': 6746, 'paracetamol': 6747, 'perspective': 6748, 'wasnabuse': 6749, 'diggn
ation': 6750, 'bitter': 6751, 'troopers': 6752, 'diane': 6753, 'violently': 6754, 'vending': 6755, 'bugles': 675
6, 'goodi': 6757, 'captain': 6758, 'dsi': 6759, 'seek': 6760, 'simpsons': 6761, 'cory': 6762, 'mio': 6763, 'auti
sm': 6764, 'claim': 6765, 'peek': 6766, 'das': 6767, 'du': 6768, 'macs': 6769, 'charging': 6770, 'spectacular':
6771, 'quad': 6772, 'occasionally': 6773, 'trunk': 6774, 'preferred': 6775, 'wal': 6776, 'mart': 6777, 'carla':
6778, 'nic': 6779, 'lowest': 6780, 'overwhelmed': 6781, 'corona': 6782, 'nation': 6783, 'launched': 6784, 'magne
t': 6785, 'uncomfortable': 6786, 'sen': 6787, 'karen': 6788, 'ec': 6789, 'measure': 6790, 'orientation': 6791, '
sk': 6792, 'coop': 6793, 'grim': 6794, 'coolness': 6795, 'drivin': 6796, 'carol': 6797, 'dresser': 6798, 'playti
me': 6799, 'neuroanatomy': 6800, 'takehome': 6801, 'stink': 6802, 'anyhow': 6803, 'spite': 6804, 'ultrasound': 6
805, 'aus': 6806, 'laterz': 6807, 'yeaa': 6808, 'iight': 6809, 'shuld': 6810, 'adjusting': 6811, 'classmate': 68
12, 'strap': 6813, 'producers': 6814, 'confusion': 6815, 'sections': 6816, 'tehe': 6817, 'finaly': 6818, 'sophie
': 6819, 'skateboard': 6820, 'vocals': 6821, 'punch': 6822, 'yeaah': 6823, 'manhattan': 6824, 'thot': 6825, 'int
ernets': 6826, 'infested': 6827, 'archies': 6828, 'maternity': 6829, 'competitive': 6830, 'suspected': 6831, 'ce
llphone': 6832, 'bent': 6833, 'flippin': 6834, 'cheetos': 6835, 'niceee': 6836, 'jewelry': 6837, 'weirdo': 6838,
'vin': 6839, 'mikee': 6840, 'abusesad': 6841, 'mein': 6842, 'individual': 6843, 'supporter': 6844, 'upabuse': 68
45, 'framework': 6846, 'tide': 6847, 'dancer': 6848, 'lexington': 6849, 'port': 6850, 'sharp': 6851, 'committed'
: 6852, 'irc': 6853, 'morley': 6854, 'funds': 6855, 'relying': 6856, 'writes': 6857, 'camcorder': 6858, 'josiah'
: 6859, 'paulo': 6860, 'fortunately': 6861, 'leap': 6862, 'speakers': 6863, 'tempted': 6864, 'rad': 6865, 'circu
it': 6866, 'crumbles': 6867, 'boa': 6868, 'arizona': 6869, 'carlile': 6870, 'shld': 6871, 'impromptu': 6872, 'te
nsion': 6873, 'probobly': 6874, 'matthews': 6875, 'recognition': 6876, 'pta': 6877, 'stands': 6878, 'discouraged
': 6879, 'vim': 6880, 'gap': 6881, 'friendorfollowcom': 6882, 'fee': 6883, 'chelsea': 6884, 'bmth': 6885, 'reque
sts': 6886, 'everyoneeeee': 6887, 'mopping': 6888, 'snapped': 6889, 'yayyy': 6890, 'muse': 6891, 'cebu': 6892, '
tweaking': 6893, 'phillips': 6894, 'cheered': 6895, 'researching': 6896, 'foolish': 6897, 'aircon': 6898, 'mosqu
ito': 6899, 'straw': 6900, 'shuts': 6901, 'overkill': 6902, 'drake': 6903, 'matches': 6904, 'bruno': 6905, 'hahh
aa': 6906, 'prepared': 6907, 'prague': 6908, 'belgium': 6909, 'habit': 6910, 'bcoz': 6911, 'letdown': 6912, 'wht
': 6913, 'waiti': 6914, 'paparazzi': 6915, 'doug': 6916, 'warmed': 6917, 'producer': 6918, 'qood': 6919, 'backed
': 6920, 'dedication': 6921, 'unparalleled': 6922, 'textbooks': 6923, 'itching': 6924, 'lumberjack': 6925, 'knoc
kout': 6926, 'cassidy': 6927, 'liek': 6928, 'swarm': 6929, 'jedi': 6930, 'chit': 6931, 'uss': 6932, 'ihate': 693
3, 'spoken': 6934, 'typically': 6935, 'speeds': 6936, 'commentary': 6937, 'bankruptcy': 6938, 'wegmans': 6939, '
flour': 6940, 'immune': 6941, 'heir': 6942, 'madly': 6943, 'staples': 6944, 'heyyyyy': 6945, 'signings': 6946, '
centigrade': 6947, 'praising': 6948, 'vi': 6949, 'evr': 6950, 'flap': 6951, 'tmw': 6952, 'meganabuse': 6953, 'jo
king': 6954, 'gaskarth': 6955, 'cudve': 6956, 'attended': 6957, 'kdg': 6958, 'soz': 6959, 'stranger': 6960, 'hen
': 6961, 'volume': 6962, 'sunset': 6963, 'bd': 6964, 'omgsh': 6965, 'plot': 6966, 'angle': 6967, 'selves': 6968,
'frustraded': 6969, 'jjj': 6970, 'gutter': 6971, 'educated': 6972, 'gromit': 6973, 'pacquiao': 6974, 'rerun': 69
75, 'zzzz': 6976, 'subscription': 6977, 'repost': 6978, 'consumption': 6979, 'amorsote': 6980, 'fran': 6981, 'cl
oseness': 6982, 'pmsl': 6983, 'amt': 6984, 'underwood': 6985, 'tuner': 6986, 'practicing': 6987, 'pillows': 6988
, 'sweaters': 6989, 'stamp': 6990, 'cs': 6991, 'teething': 6992, 'busiest': 6993, 'commenting': 6994, 'motorbike
': 6995, 'nicked': 6996, 'abbey': 6997, 'shirley': 6998, 'export': 6999, 'sessions': 7000, 'behave': 7001, 'nott
ingham': 7002, 'interactive': 7003, 'tale': 7004, 'wealthy': 7005, 'quoted': 7006, 'carne': 7007, 'airline': 700
8, 'lend': 7009, 'sly': 7010, 'insomnia': 7011, 'whitsun': 7012, 'deeeesearted': 7013, 'isis': 7014, 'toured': 7
015, 'corey': 7016, 'linkedin': 7017, 'pooped': 7018, 'finland': 7019, 'netherlands': 7020, 'gs': 7021, 'pgpm':
7022, 'tss': 7023, 'sooooooooo': 7024, 'jazzy': 7025, 'concur': 7026, 'achievement': 7027, 'immediate': 7028, 'o
nesies': 7029, 'providers': 7030, 'laughter': 7031, 'listing': 7032, 'decode': 7033, 'dough': 7034, 'bsb': 7035,
'tupac': 7036, 'naps': 7037, 'apply': 7038, 'expense': 7039, 'bracket': 7040, 'chaper': 7041, 'brilliantly': 704
2, 'caine': 7043, 'nadia': 7044, 'endorsement': 7045, 'redirects': 7046, 'hunk': 7047, 'rainin': 7048, 'rhubarb'
: 7049, 'lydia': 7050, 'ave': 7051, 'woooooo': 7052, 'cuss': 7053, 'terry': 7054, 'kawawa': 7055, 'racoons': 705
6, 'husbands': 7057, 'lunchbreak': 7058, 'carbon': 7059, 'footprint': 7060, 'fame': 7061, 'hobo': 7062, 'almonds
': 7063, 'incorporate': 7064, 'ahn': 7065, 'amazin': 7066, 'wowyou': 7067, 'fudge': 7068, 'hoodie': 7069, 'guinn
ess': 7070, 'll': 7071, 'hitman': 7072, 'reborn': 7073, 'gran': 7074, 'momies': 7075, 'oatmeal': 7076, 'conditio
ning': 7077, 'era': 7078, 'hiatus': 7079, 'ayo': 7080, 'stuffier': 7081, 'extend': 7082, 'closure': 7083, 'ref':
7084, 'dint': 7085, 'recordings': 7086, 'fashioned': 7087, 'excruciating': 7088, 'neglect': 7089, 'chiodos': 709
0, 'brightly': 7091, 'zune': 7092, 'rey': 7093, 'himym': 7094, 'unusual': 7095, 'douchebag': 7096, 'transportati
on': 7097, 'saynow': 7098, 'landline': 7099, 'eleven': 7100, 'cauz': 7101, 'farmers': 7102, 'tiring': 7103, 'vir
tually': 7104, 'nowit': 7105, 'interface': 7106, 'koreans': 7107, 'gardens': 7108, 'spurs': 7109, 'phobia': 7110
, 'sweets': 7111, 'correction': 7112, 'sheep': 7113, 'refresh': 7114, 'blu': 7115, 'nerdy': 7116, 'nooooooooo':
7117, 'borin': 7118, 'lifesaver': 7119, 'jools': 7120, 'glands': 7121, 'backstage': 7122, 'breakomg': 7123, 'sho
wfinally': 7124, 'wos': 7125, 'baguio': 7126, 'darl': 7127, 'savvy': 7128, 'racquet': 7129, 'fkin': 7130, 'costl
y': 7131, 'ob': 7132, 'clicking': 7133, 'betting': 7134, 'mosquitoes': 7135, 'spreadsheets': 7136, 'watkins': 71
37, 'latter': 7138, 'plce': 7139, 'handbag': 7140, 'tastic': 7141, 'shoo': 7142, 'cardboard': 7143, 'whatta': 71
44, 'clumsy': 7145, 'heidi': 7146, 'vcenter': 7147, 'screwing': 7148, 'caused': 7149, 'twiggas': 7150, 'ia': 715
1, 'vp': 7152, 'philadelphia': 7153, 'yeahim': 7154, 'favour': 7155, 'typed': 7156, 'lt': 7157, 'attic': 7158, '
chosen': 7159, 'brazilian': 7160, 'subtly': 7161, 'vocab': 7162, 'turnout': 7163, 'yesi': 7164, 'combine': 7165,
'cigarette': 7166, 'county': 7167, 'startin': 7168, 'cheering': 7169, 'sod': 7170, 'cm': 7171, 'recommendations'
: 7172, 'coco': 7173, 'umbrella': 7174, 'sharon': 7175, 'sher': 7176, 'rushing': 7177, 'awesomei': 7178, 'diary'
: 7179, 'marta': 7180, 'flipping': 7181, 'dale': 7182, 'roasted': 7183, 'pitcher': 7184, 'magento': 7185, 'rescu
e': 7186, 'subscribe': 7187, 'tot': 7188, 'arre': 7189, 'benadryl': 7190, 'disgusting': 7191, 'seventeen': 7192,
'cholesterol': 7193, 'allnighter': 7194, 'pep': 7195, 'tunes': 7196, 'nicely': 7197, 'closet': 7198, 'suprised':
7199, 'bloggerific': 7200, 'oldest': 7201, 'jc': 7202, 'tanned': 7203, 'appears': 7204, 'scotty': 7205, 'sept':
7206, 'january': 7207, 'sicky': 7208, 'considerably': 7209, 'underwear': 7210, 'upstairs': 7211, 'rockstar': 721
2, 'keshia': 7213, 'bo': 7214, 'loveliness': 7215, 'bulky': 7216, 'classical': 7217, 'smokes': 7218, 'yeaaaah':
7219, 'therebut': 7220, 'header': 7221, 'heyya': 7222, 'pinky': 7223, 'sighs': 7224, 'straightening': 7225, 'sev
en': 7226, 'fountain': 7227, 'moring': 7228, 'adium': 7229, 'whose': 7230, 'glimpse': 7231, 'homies': 7232, 'mir
anda': 7233, 'malaysia': 7234, 'sana': 7235, 'efforts': 7236, 'roundtable': 7237, 'hereeeeee': 7238, 'panthers':
7239, 'saints': 7240, 'statuses': 7241, 'dane': 7242, 'honor': 7243, 'advertising': 7244, 'cord': 7245, 'physio'
: 7246, 'sooon': 7247, 'pingpong': 7248, 'tournament': 7249, 'pours': 7250, 'vicky': 7251, 'montanna': 7252, 'ki
mbalicious': 7253, 'abusehugabuse': 7254, 'studies': 7255, 'bail': 7256, 'chu': 7257, 'screenshot': 7258, 'leake
d': 7259, 'donate': 7260, 'maxed': 7261, 'felted': 7262, 'lovelies': 7263, 'yoko': 7264, 'ono': 7265, 'wherever'
: 7266, 'joint': 7267, 'onnnn': 7268, 'oki': 7269, 'waz': 7270, 'fil': 7271, 'cured': 7272, 'crispies': 7273, 'c
ombination': 7274, 'mcflyy': 7275, 'mwahaha': 7276, 'nike': 7277, 'sandman': 7278, 'leann': 7279, 'anotha': 7280
, 'okc': 7281, 'geeky': 7282, 'length': 7283, 'vince': 7284, 'tickled': 7285, 'norms': 7286, 'ant': 7287, 'prete
nding': 7288, 'slices': 7289, 'imacs': 7290, 'preschooler': 7291, 'flush': 7292, 'navy': 7293, 'stained': 7294,
'lou': 7295, 'gender': 7296, 'ferry': 7297, 'abusein': 7298, 'blockbuster': 7299, 'rental': 7300, 'coupon': 7301
, 'coool': 7302, 'tumor': 7303, 'charity': 7304, 'sw': 7305, 'hs': 7306, 'withdraws': 7307, 'maxim': 7308, 'yike
s': 7309, 'terrific': 7310, 'jareds': 7311, 'yee': 7312, 'maddies': 7313, 'killen': 7314, 'seamless': 7315, 'eve
rton': 7316, 'alcoholic': 7317, 'thoughh': 7318, 'julys': 7319, 'han': 7320, 'kindle': 7321, 'decently': 7322, '
authority': 7323, 'saddo': 7324, 'niko': 7325, 'vermont': 7326, 'whoohoo': 7327, 'nettles': 7328, 'scratching':
7329, 'loo': 7330, 'buff': 7331, 'optional': 7332, 'minneapolis': 7333, 'gimme': 7334, 'reinstalled': 7335, 'gru
b': 7336, 'restoring': 7337, 'litterally': 7338, 'tiesto': 7339, 'traveling': 7340, 'severe': 7341, 'unnecessary
': 7342, 'pun': 7343, 'startrek': 7344, 'neice': 7345, 'hunny': 7346, 'fallen': 7347, 'explanation': 7348, 'mare
': 7349, 'livingroom': 7350, 'twitterer': 7351, 'awaiting': 7352, 'cherry': 7353, 'canal': 7354, 'cowboy': 7355,
'carnival': 7356, 'greedy': 7357, 'stewart': 7358, 'placements': 7359, 'charley': 7360, 'surgury': 7361, 'humane
': 7362, 'insanity': 7363, 'pedro': 7364, 'shelby': 7365, 'prism': 7366, 'sand': 7367, 'sci': 7368, 'cheesey': 7
369, 'aaawww': 7370, 'nephews': 7371, 'innocent': 7372, 'leo': 7373, 'wikipedia': 7374, 'ahahah': 7375, 'creativ
ity': 7376, 'dealership': 7377, 'lok': 7378, 'meann': 7379, 'lens': 7380, 'websites': 7381, 'hats': 7382, 'homee
': 7383, 'wrapping': 7384, 'starring': 7385, 'edward': 7386, 'sony': 7387, 'ease': 7388, 'bris': 7389, 'stash':
7390, 'tomoz': 7391, 'trendy': 7392, 'waved': 7393, 'hired': 7394, 'monkeys': 7395, 'strict': 7396, 'fakes': 739
7, 'arranged': 7398, 'rohan': 7399, 'suited': 7400, 'belt': 7401, 'rated': 7402, 'wil': 7403, 'dayweek': 7404, '
chihuahua': 7405, 'byebye': 7406, 'bklyn': 7407, 'britt': 7408, 'tty': 7409, 'hurrah': 7410, 'drained': 7411, 'g
love': 7412, 'darlin': 7413, 'wiping': 7414, 'homei': 7415, 'headsup': 7416, 'palace': 7417, 'phenomenal': 7418,
'troubleshooting': 7419, 'captains': 7420, 'cod': 7421, 'seuss': 7422, '�you': 7423, 'aloe': 7424, 'qdoba': 74
25, 'hte': 7426, 'iya': 7427, 'jg': 7428, 'insulting': 7429, 'scottish': 7430, 'omelette': 7431, 'trivia': 7432,
'dampen': 7433, 'statue': 7434, 'hunger': 7435, 'legend': 7436, 'rehab': 7437, 'telly': 7438, 'shipment': 7439,
'arg': 7440, 'prix': 7441, 'addict': 7442, 'democratic': 7443, 'natural': 7444, 'overseas': 7445, 'shooter': 744
6, 'invest': 7447, 'tommy': 7448, 'niggas': 7449, 'marines': 7450, 'protect': 7451, 'cordon': 7452, 'fkn': 7453,
'abuseis': 7454, 'loic': 7455, 'sads': 7456, 'importantly': 7457, 'denny': 7458, 'countries': 7459, 'hiss': 7460
, 'terri': 7461, 'harvard': 7462, 'fiance': 7463, 'dips': 7464, 'broadcast': 7465, 'whatre': 7466, 'mutual': 746
7, 'fate': 7468, 'anatomy': 7469, 'cvs': 7470, 'youmy': 7471, 'annoy': 7472, 'nirvana': 7473, 'dean': 7474, 'cid
er': 7475, 'pooch': 7476, 'tripping': 7477, 'vacations': 7478, 'heartless': 7479, 'complex': 7480, 'bsc': 7481,
'accadentally': 7482, 'relieve': 7483, 'nambu': 7484, 'movietoo': 7485, 'persons': 7486, 'touchin': 7487, 'thabu
senks': 7488, 'invitations': 7489, 'wordpress': 7490, 'newark': 7491, 'tennant': 7492, 'girlies': 7493, 'yearboo
ks': 7494, 'bolt': 7495, 'nightlife': 7496, 'noises': 7497, 'blister': 7498, 'cuuuute': 7499, 'fuss': 7500, 'del
s': 7501, 'del': 7502, 'thanxx': 7503, 'router': 7504, 'dieing': 7505, 'geoff': 7506, 'tossed': 7507, 'desperate
': 7508, 'udon': 7509, 'rodney': 7510, 'laodicean': 7511, 'drs': 7512, 'lotsa': 7513, 'stint': 7514, 'tissues':
7515, 'lb': 7516, 'skull': 7517, 'figures': 7518, 'celeb': 7519, 'matilda': 7520, 'vw': 7521, 'sep': 7522, 'chee
secakes': 7523, 'raleigh': 7524, 'gee': 7525, 'retweets': 7526, 'thursdays': 7527, 'wrapped': 7528, 'powerpoint'
: 7529, 'genes': 7530, 'danger': 7531, 'slipped': 7532, 'omw': 7533, 'creams': 7534, 'repaired': 7535, 'cups': 7
536, 'itlol': 7537, 'proverbs': 7538, 'cent': 7539, 'higher': 7540, 'burr': 7541, 'cox': 7542, 'oooooo': 7543, '
guarantee': 7544, 'reruns': 7545, 'cheapy': 7546, 'dunk': 7547, 'allianz': 7548, 'toddler': 7549, 'magners': 755
0, 'ichigo': 7551, 'neuro': 7552, 'het': 7553, 'burst': 7554, 'huaaaa': 7555, 'gila': 7556, 'hummmmm': 7557, 'ab
s': 7558, 'lams': 7559, 'applying': 7560, 'twitterfon': 7561, 'documentation': 7562, 'lobby': 7563, 'illegal': 7
564, 'outline': 7565, 'develop': 7566, 'earned': 7567, 'sounding': 7568, 'bon': 7569, 'handed': 7570, 'attractiv
e': 7571, 'blur': 7572, 'photograph': 7573, 'liesgirlstell': 7574, 'threads': 7575, 'struggle': 7576, 'ritz': 75
77, 'releases': 7578, 'lactose': 7579, 'tuesdays': 7580, 'wacom': 7581, 'pao': 7582, 'sixth': 7583, 'roscoe': 75
84, 'drool': 7585, 'gauge': 7586, 'paintings': 7587, 'streamline': 7588, 'halfway': 7589, 'oracle': 7590, 'axe':
7591, 'incase': 7592, 'cheeseburger': 7593, 'youuu': 7594, 'dodging': 7595, 'parcs': 7596, 'wd': 7597, 'kennys':
7598, 'nou': 7599, 'pipe': 7600, 'vol': 7601, 'vincent': 7602, 'heheheheh': 7603, 'chip': 7604, 'beijing': 7605,
'vision': 7606, 'greater': 7607, 'rubbing': 7608, 'hub': 7609, 'plugged': 7610, 'speakeasy': 7611, 'benjamin': 7
612, 'seating': 7613, 'shelf': 7614, 'prodigy': 7615, 'garbage': 7616, 'louis': 7617, 'kelli': 7618, 'fridayand'
: 7619, 'thy': 7620, 'tr': 7621, 'li': 7622, 'peppermint': 7623, 'patients': 7624, 'funk': 7625, 'caleb': 7626,
'laughs': 7627, 'mono': 7628, 'voicemail': 7629, 'unopened': 7630, 'contributors': 7631, 'coraline': 7632, 'unit
e': 7633, 'dreamin': 7634, 'engineer': 7635, 'blonding': 7636, 'ova': 7637, 'girlie': 7638, 'berra': 7639, 'flas
hing': 7640, 'lu': 7641, 'twittersphere': 7642, 'roommates': 7643, 'amp': 7644, 'medal': 7645, 'permanently': 76
46, 'predicted': 7647, 'copied': 7648, 'kp': 7649, 'spells': 7650, 'eventful': 7651, 'dixon': 7652, 'dec': 7653,
'pricing': 7654, 'waterfall': 7655, 'wand': 7656, 'subs': 7657, 'sri': 7658, 'ble': 7659, 'nighttt': 7660, 'pup'
: 7661, 'assholes': 7662, 'buffett': 7663, 'iloveyou': 7664, 'sipping': 7665, 'partyyyy': 7666, 'wool': 7667, 'n
emo': 7668, 'rocio': 7669, 'sensible': 7670, 'toward': 7671, 'sed': 7672, 'choppers': 7673, 'collective': 7674,
'mu': 7675, 'meter': 7676, 'beneath': 7677, 'cornerstone': 7678, 'presenting': 7679, 'sayang': 7680, 'officer':
7681, 'indoors': 7682, 'cps': 7683, 'tore': 7684, 'ionbased': 7685, 'ctrl': 7686, 'ourselves': 7687, 'schoolers'
: 7688, 'cass': 7689, 'property': 7690, 'harbour': 7691, 'ruled': 7692, 'soaked': 7693, 'klutz': 7694, 'fare': 7
695, 'irresponsible': 7696, 'sau': 7697, 'alt': 7698, 'century': 7699, 'danica': 7700, 'reset': 7701, 'mang': 77
02, 'childhood': 7703, 'hatch': 7704, 'sike': 7705, 'yaaaaaay': 7706, 'cal': 7707, 'throwing': 7708, 'macadamia'
: 7709, 'sequels': 7710, 'daddys': 7711, 'sugars': 7712, 'natie': 7713, 'machines': 7714, 'speaker': 7715, 'fini
shes': 7716, 'annie': 7717, 'russian': 7718, 'malaria': 7719, 'parasites': 7720, 'soi': 7721, 'recovered': 7722,
'dynasty': 7723, 'communication': 7724, 'iwas': 7725, 'scifi': 7726, 'retriever': 7727, 'morrrning': 7728, 'wate
rfront': 7729, 'horrors': 7730, 'ties': 7731, 'profession': 7732, 'alison': 7733, 'stumble': 7734, 'wong': 7735,
'anticipation': 7736, 'offering': 7737, 'lettin': 7738, 'serial': 7739, 'thoughim': 7740, 'gathering': 7741, 'cr
ow': 7742, 'bluetooth': 7743, 'ladys': 7744, 'springsteen': 7745, 'gahhh': 7746, 'nth': 7747, 'alrighty': 7748,
'wayy': 7749, 'worship': 7750, 'blogtv': 7751, 'funnier': 7752, 'plague': 7753, 'rangers': 7754, 'spew': 7755, '
styles': 7756, 'mayo': 7757, 'elj': 7758, 'bif': 7759, 'increasingly': 7760, 'muna': 7761, 'vacay': 7762, 'owt':
7763, 'jj': 7764, 'hyped': 7765, 'regions': 7766, 'bleeding': 7767, 'gigs': 7768, 'seminars': 7769, 'hater': 777
0, 'estimate': 7771, 'kaya': 7772, 'yan': 7773, 'monfri': 7774, 'erm': 7775, 'kickass': 7776, 'focused': 7777, '
nowww': 7778, 'shaanxi': 7779, 'wx': 7780, 'brawl': 7781, 'operating': 7782, 'cristal': 7783, 'skate': 7784, 'ja
mies': 7785, 'seventh': 7786, 'alpine': 7787, 'structure': 7788, 'haiku': 7789, 'charlotte': 7790, 'bean': 7791,
'eta': 7792, 'lancaster': 7793, 'wingstop': 7794, 'hahha': 7795, 'peppers': 7796, 'crossfit': 7797, 'trekking':
7798, 'comming': 7799, 'analytics': 7800, 'autofill': 7801, 'ithow': 7802, 'aero': 7803, 'mn': 7804, 'urls': 780
5, 'smfh': 7806, 'bouncing': 7807, 'singles': 7808, 'jasons': 7809, 'frown': 7810, 'inspire': 7811, 'dayss': 781
2, 'solving': 7813, 'madrid': 7814, 'poofy': 7815, 'abrams': 7816, 'adams': 7817, 'bond': 7818, 'beery': 7819, '
forecast': 7820, 'cinemas': 7821, 'glowing': 7822, 'workthinking': 7823, 'intake': 7824, 'charts': 7825, 'dslr':
7826, 'shh': 7827, 'vcr': 7828, 'babygirl': 7829, 'dios': 7830, 'lala': 7831, 'aparently': 7832, 'sorrry': 7833,
'predicting': 7834, 'cleveland': 7835, 'manics': 7836, 'hinder': 7837, 'exited': 7838, 'alexander': 7839, 'wossy
': 7840, 'investigate': 7841, 'contain': 7842, 'relegated': 7843, 'awfully': 7844, 'spoon': 7845, 'defeated': 78
46, 'polo': 7847, 'goooooood': 7848, 'geee': 7849, 'earliest': 7850, 'ibm': 7851, 'princeton': 7852, 'sheffield'
: 7853, 'holdin': 7854, 'kansas': 7855, 'booooooo': 7856, 'jayk': 7857, 'omlette': 7858, 'appearance': 7859, 'dj
ing': 7860, 'worktoo': 7861, 'fiona': 7862, 'acquired': 7863, 'devices': 7864, 'bald': 7865, 'burp': 7866, 'poor
ly': 7867, 'hobby': 7868, 'oww': 7869, 'thai': 7870, 'stil': 7871, 'nugget': 7872, 'poke': 7873, 'folk': 7874, '
ideal': 7875, 'pulp': 7876, 'pharmacy': 7877, 'scarred': 7878, 'filter': 7879, 'fuckkk': 7880, 'payment': 7881,
'govt': 7882, 'rents': 7883, 'sia': 7884, 'borrowing': 7885, 'gable': 7886, 'ford': 7887, 'urbans': 7888, 'butte
rcup': 7889, 'emailing': 7890, 'joys': 7891, 'exercising': 7892, 'crazyi': 7893, 'blonde': 7894, 'heya': 7895, '
vogue': 7896, 'michele': 7897, 'causes': 7898, 'sweep': 7899, 'jip': 7900, 'turtles': 7901, 'vice': 7902, 'indus
trial': 7903, 'giggle': 7904, 'twinz': 7905, 'mii': 7906, 'timeline': 7907, 'musings': 7908, 'waitt': 7909, 'che
ryl': 7910, 'pakistan': 7911, 'webcast': 7912, 'geneva': 7913, 'whaaaat': 7914, 'brit': 7915, 'tania': 7916, 'ul
an': 7917, 'airlines': 7918, 'staring': 7919, 'ashamed': 7920, 'daisy': 7921, 'uve': 7922, 'mcm': 7923, 'ku': 79
24, 'ernie': 7925, 'increase': 7926, 'favs': 7927, 'alabama': 7928, 'scariest': 7929, 'tribute': 7930, 'gooooooo
od': 7931, 'cola': 7932, 'diner': 7933, 'mentioning': 7934, 'aced': 7935, 'fondue': 7936, 'velvet': 7937, 'movie
ing': 7938, 'zulu': 7939, 'pantry': 7940, 'smack': 7941, 'panel': 7942, 'pound': 7943, 'bien': 7944, 'flood': 79
45, 'rollerblading': 7946, 'embarrassed': 7947, 'regardless': 7948, 'conflict': 7949, 'winds': 7950, 'patrick':
7951, 'erincharde': 7952, 'vegan': 7953, 'spork': 7954, 'horde': 7955, 'beef': 7956, 'cheddar': 7957, 'bone': 79
58, 'germs': 7959, 'icurve': 7960, 'fallon': 7961, 'barbeque': 7962, 'handmade': 7963, 'thompson': 7964, 'surf':
7965, 'handsome': 7966, 'lance': 7967, 'glitch': 7968, 'chiro': 7969, 'whatcha': 7970, 'controversial': 7971, 'd
enied': 7972, 'visitor': 7973, 'reinstall': 7974, 'midway': 7975, 'phils': 7976, 'ignorant': 7977, 'smashing': 7
978, 'challenging': 7979, 'profiles': 7980, 'trio': 7981, 'fgs': 7982, 'peekaboo': 7983, 'thighs': 7984, 'twitta
': 7985, 'dayyy': 7986, 'niqht': 7987, 'handz': 7988, 'switzerland': 7989, 'krispy': 7990, 'kreme': 7991, 'dough
nuts': 7992, 'crabs': 7993, 'nonmedia': 7994, 'graf': 7995, 'stormy': 7996, 'onions': 7997, 'originally': 7998,
'elevator': 7999, 'belongs': 8000, 'wavves': 8001, 'imm': 8002, 'shouting': 8003, 'intel': 8004, 'maine': 8005,
'slot': 8006, 'keyword': 8007, 'shore': 8008, 'telephone': 8009, 'junejuly': 8010, 'plates': 8011, 'heineken': 8
012, 'abusenotabuse': 8013, 'atlanta': 8014, 'flavors': 8015, 'ops': 8016, 'una': 8017, 'discussions': 8018, 'wi
sconsin': 8019, 'agreement': 8020, 'robins': 8021, 'bullied': 8022, 'experiences': 8023, 'experimental': 8024, '
dcd': 8025, 'bounce': 8026, 'giv': 8027, 'parker': 8028, 'grande': 8029, 'antisocial': 8030, 'grinning': 8031, '
unfortunatley': 8032, 'beets': 8033, 'caca': 8034, 'toro': 8035, 'ruth': 8036, 'spendin': 8037, 'retro': 8038, '
tisk': 8039, 'soso': 8040, 'campaign': 8041, 'tidy': 8042, 'ants': 8043, 'halls': 8044, 'wrestler': 8045, 'betos
': 8046, 'fallin': 8047, 'essays': 8048, 'sleeep': 8049, 'scenario': 8050, 'reflux': 8051, 'nod': 8052, 'gloves'
: 8053, 'insist': 8054, 'confidence': 8055, 'sol': 8056, 'abusepoints': 8057, 'sofa': 8058, 'sniffles': 8059, 'c
raziness': 8060, 'tucking': 8061, 'pedicures': 8062, 'dyeing': 8063, 'mk': 8064, 'pluck': 8065, 'krogers': 8066,
'hotness': 8067, 'belinda': 8068, 'erase': 8069, 'habbo': 8070, 'smacked': 8071, 'watered': 8072, 'lettuce': 807
3, 'kickoff': 8074, 'barry': 8075, 'chickfila': 8076, 'lar': 8077, 'celebration': 8078, 'arrives': 8079, 'knotts
': 8080, 'overwhelming': 8081, 'outing': 8082, 'frenz': 8083, 'seein': 8084, 'tooooo': 8085, 'programs': 8086, '
whatnot': 8087, 'ame': 8088, 'southland': 8089, 'sarcastic': 8090, 'tuh': 8091, 'wher': 8092, 'zachary': 8093, '
quinto': 8094, 'cougar': 8095, 'corporate': 8096, 'chalet': 8097, 'preprom': 8098, 'sfo': 8099, 'jealousi': 8100
, 'healed': 8101, 'hurray': 8102, 'crutches': 8103, 'dolphin': 8104, 'weho': 8105, 'amazingwell': 8106, 'anh': 8
107, 'scenie': 8108, 'workload': 8109, 'ina': 8110, 'vega': 8111, 'stamina': 8112, 'iz': 8113, 'oficially': 8114
, 'smoothly': 8115, 'informed': 8116, 'yesh': 8117, 'sweeney': 8118, 'thudabuse': 8119, 'theaters': 8120, 'grrrr
rrr': 8121, 'lacey': 8122, 'sweater': 8123, 'abroad': 8124, 'niamh': 8125, 'od': 8126, 'dl': 8127, 'expansion':
8128, 'propped': 8129, 'trader': 8130, 'skipping': 8131, 'barley': 8132, 'needless': 8133, 'plugs': 8134, 'morga
ns': 8135, 'helen': 8136, 'shocking': 8137, 'drain': 8138, 'challenged': 8139, 'pumpkin': 8140, 'upsetting': 814
1, 'cringe': 8142, 'knocking': 8143, 'excursion': 8144, 'audioboo': 8145, 'markets': 8146, 'encore': 8147, 'jour
nalists': 8148, 'jo': 8149, 'nao': 8150, 'bloggers': 8151, 'poked': 8152, 'pointy': 8153, 'skye': 8154, 'offices
': 8155, 'cuddling': 8156, 'imovie': 8157, 'totalled': 8158, 'formulas': 8159, 'paypal': 8160, 'buuuut': 8161, '
nudge': 8162, 'sup': 8163, 'housework': 8164, 'paisley': 8165, 'sausages': 8166, 'winners': 8167, 'pacman': 8168
, 'mayer': 8169, 'carl': 8170, 'eachother': 8171, 'flavor': 8172, 'fuzzy': 8173, 'newborns': 8174, 'hottest': 81
75, 'proposals': 8176, 'sparkly': 8177, 'ym': 8178, 'tivo': 8179, 'sorrows': 8180, 'dayssss': 8181, 'booking': 8
182, 'highest': 8183, 'trial': 8184, 'myy': 8185, 'shan': 8186, 'flooded': 8187, 'abusejust': 8188, 'fiddle': 81
89, 'uff': 8190, 'blackjack': 8191, 'wockeez': 8192, 'ipa': 8193, 'grabe': 8194, 'kaloka': 8195, 'fender': 8196,
'pairs': 8197, 'ahoy': 8198, 'abusecryabuse': 8199, 'settled': 8200, 'explains': 8201, 'pastors': 8202, 'limits'
: 8203, 'void': 8204, 'tow': 8205, 'teaches': 8206, 'aots': 8207, 'sunrise': 8208, 'don�t': 8209, 'medical': 8
210, 'misunderstood': 8211, 'cocoa': 8212, 'horrific': 8213, 'restart': 8214, 'summit': 8215, 'gown': 8216, 'add
on': 8217, 'productivity': 8218, 'cubes': 8219, 'icons': 8220, 'themes': 8221, 'faceabuse': 8222, 'prior': 8223,
'recap': 8224, 'walkin': 8225, 'concern': 8226, 'comon': 8227, 'foto': 8228, 'cozy': 8229, 'buenos': 8230, 'dias
': 8231, 'pp': 8232, 'underscore': 8233, 'ky': 8234, 'rifle': 8235, 'rowing': 8236, 'joseph': 8237, 'bootcamp':
8238, 'knoxville': 8239, 'scale': 8240, 'fought': 8241, 'booooo': 8242, 'moncton': 8243, 'omgggg': 8244, 'feeds'
: 8245, 'archie': 8246, 'veronica': 8247, 'misss': 8248, 'thingie': 8249, 'western': 8250, 'claudia': 8251, 'wis
er': 8252, 'taipei': 8253, 'hopeless': 8254, 'accidently': 8255, 'whatev': 8256, 'ki': 8257, 'climbs': 8258, 'va
cuumed': 8259, 'sleepover': 8260, 'fiesta': 8261, 'inclined': 8262, 'appearing': 8263, 'liberty': 8264, 'bloom':
8265, 'decreasing': 8266, 'razer': 8267, 'blowout': 8268, 'contacting': 8269, 'okayy': 8270, 'tipping': 8271, 'c
rispy': 8272, 'thr': 8273, 'messy': 8274, 'snuggles': 8275, 'claude': 8276, 'anyones': 8277, 'infact': 8278, 'cu
pboard': 8279, 'maaan': 8280, 'chal': 8281, 'adverts': 8282, 'sammy': 8283, 'spa': 8284, 'grandkids': 8285, 'crs
': 8286, 'whyyyy': 8287, 'naman': 8288, 'converting': 8289, 'mb': 8290, 'jodi': 8291, 'silverlight': 8292, 'mult
i': 8293, 'prevent': 8294, 'spark': 8295, 'flooding': 8296, 'jammies': 8297, 'jenkins': 8298, 'mcmuffin': 8299,
'depending': 8300, 'niley': 8301, 'suprisingly': 8302, 'philosophy': 8303, 'loooong': 8304, 'transition': 8305,
'horribly': 8306, 'doubtful': 8307, 'iplayer': 8308, 'jelous': 8309, 'invented': 8310, 'trials': 8311, 'welcomed
': 8312, 'scares': 8313, 'minee': 8314, 'integrity': 8315, 'appeared': 8316, 'jaunty': 8317, 'lunches': 8318, 'b
iased': 8319, 'instrument': 8320, 'curling': 8321, 'casting': 8322, 'discrimination': 8323, 'channels': 8324, 'a
ndd': 8325, 'straightener': 8326, 'rented': 8327, 'yummm': 8328, 'yday': 8329, 'hayles': 8330, 'tasks': 8331, 'i
llness': 8332, 'chop': 8333, 'abc': 8334, 'trumps': 8335, 'fevers': 8336, 'hardware': 8337, 'unity': 8338, 'stal
king': 8339, 'eddy': 8340, 'introducing': 8341, 'hosp': 8342, 'explosion': 8343, 'cna': 8344, 'asus': 8345, 'gra
ns': 8346, 'triumph': 8347, 'twitterr': 8348, 'hayward': 8349, 'janes': 8350, 'wich': 8351, 'ewww': 8352, 'sista
': 8353, 'lahiran': 8354, 'crazyangel': 8355, 'kgs': 8356, 'daisies': 8357, 'youngster': 8358, 'overload': 8359,
'juga': 8360, 'gently': 8361, 'bale': 8362, 'rubber': 8363, 'bh': 8364, 'thankies': 8365, 'promises': 8366, 'ste
vie': 8367, 'caramel': 8368, 'giants': 8369, 'raises': 8370, 'jar': 8371, 'chase': 8372, 'glen': 8373, 'directio
ns': 8374, 'spy': 8375, 'inhabit': 8376, 'reunion': 8377, 'fubumvc': 8378, 'eventually': 8379, 'gomez': 8380, 'a
nnapolis': 8381, 'shields': 8382, 'swineflu': 8383, 'winding': 8384, 'kiwi': 8385, 'ttfn': 8386, 'eyebrows': 838
7, 'spielburg': 8388, 'tita': 8389, 'require': 8390, 'donation': 8391, 'protection': 8392, 'skyping': 8393, 'uni
ts': 8394, 'cobras': 8395, 'repeatedly': 8396, 'rugby': 8397, 'gasp': 8398, 'rights': 8399, 'mozart': 8400, 'neg
ativity': 8401, 'animating': 8402, 'applaud': 8403, 'emailed': 8404, 'willy': 8405, 'soooim': 8406, 'orthodontis
t': 8407, 'commercials': 8408, 'hahai': 8409, 'companion': 8410, 'graph': 8411, 'gal': 8412, 'deciding': 8413, '
whatsoever': 8414, 'suspicious': 8415, 'claims': 8416, 'mock': 8417, 'sumthin': 8418, 'punching': 8419, 'minimal
': 8420, 'trainer': 8421, 'bloomington': 8422, 'org': 8423, 'studyin': 8424, 'qot': 8425, 'tomatoes': 8426, 'got
o': 8427, 'melting': 8428, 'university': 8429, 'cautious': 8430, 'bonnie': 8431, 'beyonce': 8432, 'tested': 8433
, 'registration': 8434, 'drat': 8435, 'gain': 8436, 'sex': 8437, 'disc': 8438, 'blipfm': 8439, 'nowi': 8440, 'ca
rlton': 8441, 'frankly': 8442, 'didgeridoo': 8443, 'spilling': 8444, 'pause': 8445, 'leonardo': 8446, 'traitor':
8447, 'adem': 8448, 'houses': 8449, 'rash': 8450, 'nigh': 8451, 'salute': 8452, 'uncool': 8453, 'tutoring': 8454
, 'steroids': 8455, 'uptown': 8456, 'awesomness': 8457, 'bottoms': 8458, 'engagement': 8459, 'pale': 8460, 'trus
ted': 8461, 'funnnn': 8462, 'toobut': 8463, 'dodger': 8464, 'sucking': 8465, 'sentences': 8466, 'hairstylebut':
8467, 'wealth': 8468, 'knowww': 8469, 'kiddies': 8470, 'sorries': 8471, 'breakie': 8472, 'pembroke': 8473, 'kiss
abuse': 8474, 'mailed': 8475, 'nw': 8476, 'canterbury': 8477, 'snickers': 8478, 'marshall': 8479, 'glory': 8480,
'myst': 8481, 'hilton': 8482, 'grumbles': 8483, 'lamer': 8484, 'poia': 8485, 'coupla': 8486, 'whove': 8487, 'dub
bed': 8488, 'tourist': 8489, 'sams': 8490, 'explorer': 8491, 'urban': 8492, 'nicholas': 8493, 'perky': 8494, 'fa
buse': 8495, 'feline': 8496, 'sadder': 8497, 'braces': 8498, 'sacred': 8499, 'merch': 8500, 'shoulders': 8501, '
tto': 8502, 'tafe': 8503, 'notebooks': 8504, 'irregularly': 8505, 'halfassedly': 8506, 'restrictions': 8507, 'ar
d': 8508, 'dyed': 8509, 'eurovision': 8510, 'pout': 8511, 'compute': 8512, 'kane': 8513, 'scion': 8514, 'claire'
: 8515, 'wateva': 8516, 'peg': 8517, 'cuter': 8518, 'pigeon': 8519, 'rear': 8520, 'bandwagon': 8521, 'billion':
8522, 'blazing': 8523, 'sabbeth': 8524, 'arghhh': 8525, 'loudly': 8526, 'defend': 8527, 'puffy': 8528, 'bump': 8
529, 'asks': 8530, 'justintv': 8531, 'titanic': 8532, 'hibernate': 8533, 'unhealthy': 8534, 'jd': 8535, 'authors
': 8536, 'tu': 8537, 'wbu': 8538, 'devs': 8539, 'pour': 8540, 'johnson': 8541, 'xoxoxo': 8542, 'threee': 8543, '
daw': 8544, 'showering': 8545, 'humans': 8546, 'mis': 8547, 'backk': 8548, 'towels': 8549, 'morningi': 8550, 'so
onish': 8551, 'lenny': 8552, 'czech': 8553, 'republic': 8554, 'bbc': 8555, 'dennys': 8556, 'carr': 8557, 'bacard
i': 8558, 'plaster': 8559, 'enought': 8560, 'champions': 8561, 'elizabeth': 8562, 'fourteen': 8563, 'klemm': 856
4, 'robbed': 8565, 'abuseweepsabuse': 8566, 'transit': 8567, 'keyed': 8568, 'shirtless': 8569, 'inlove': 8570, '
butts': 8571, 'tatami': 8572, 'custard': 8573, 'luff': 8574, 'spencer': 8575, 'mileys': 8576, 'prawns': 8577, 'g
h': 8578, 'define': 8579, 'dreamed': 8580, 'adults': 8581, 'roseanne': 8582, 'slater': 8583, 'katy': 8584, 'assu
mptions': 8585, 'scenes': 8586, 'wieters': 8587, 'chart': 8588, 'dunn': 8589, 'announcement': 8590, 'nonlong': 8
591, 'construction': 8592, 'jill': 8593, 'vhs': 8594, 'passion': 8595, 'deodorant': 8596, 'hiiiiii': 8597, 'twee
': 8598, 'forbidden': 8599, 'alejandra': 8600, 'pose': 8601, 'finna': 8602, 'guten': 8603, 'morgen': 8604, 'pebb
les': 8605, 'sane': 8606, 'lineup': 8607, 'nowjust': 8608, 'deposits': 8609, 'dns': 8610, 'prop': 8611, 'blockin
g': 8612, 'ic': 8613, 'colours': 8614, 'differnt': 8615, 'lovingly': 8616, 'knowim': 8617, 'monsters': 8618, 're
yes': 8619, 'superb': 8620, 'split': 8621, 'duties': 8622, 'rehearsing': 8623, 'looove': 8624, 'cornwall': 8625,
'herebut': 8626, 'tapeworm': 8627, 'abusewaves': 8628, 'sh': 8629, 'colossal': 8630, 'twiiter': 8631, 'ab': 8632
, 'anddd': 8633, 'vados': 8634, 'walmartcom': 8635, 'resort': 8636, 'readyyy': 8637, 'leigh': 8638, 'hallway': 8
639, 'wounds': 8640, 'birthdayy': 8641, 'drizzle': 8642, 'nu': 8643, 'mai': 8644, 'shaved': 8645, 'drummers': 86
46, 'dazed': 8647, 'wan': 8648, 'declined': 8649, 'bham': 8650, 'understanding': 8651, 'der': 8652, 'goooooddd':
8653, 'equivalent': 8654, 'nearest': 8655, 'woody': 8656, 'djs': 8657, 'meme': 8658, 'semi': 8659, 'brownies': 8
660, 'drivein': 8661, 'raft': 8662, 'tcot': 8663, 'rick': 8664, 'lunchtime': 8665, 'yaaaaaaay': 8666, 'yippeee':
8667, 'abuzz': 8668, 'nai': 8669, 'impersonal': 8670, 'swamped': 8671, 'aaaw': 8672, 'gmorning': 8673, 'juniors'
: 8674, 'bruises': 8675, 'suss': 8676, 'clemson': 8677, 'abuseing': 8678, 'fisch': 8679, 'sarcasm': 8680, 'ttyl'
: 8681, 'register': 8682, 'clapton': 8683, 'winwood': 8684, 'ouchie': 8685, 'sophomore': 8686, 'joss': 8687, 'rs
mv': 8688, 'drawn': 8689, 'worksheet': 8690, 'fairness': 8691, 'government': 8692, 'loveeeee': 8693, 'sketchy':
8694, 'compensate': 8695, 'larry': 8696, 'stripper': 8697, 'snuggled': 8698, 'duvet': 8699, 'baltimore': 8700, '
feeder': 8701, 'thistle': 8702, 'balancing': 8703, 'fingernails': 8704, 'tabs': 8705, 'vpn': 8706, 'wikileaks':
8707, 'mulch': 8708, 'itagg': 8709, 'virginity': 8710, 'grammar': 8711, 'broncos': 8712, 'fu': 8713, 'firmly': 8
714, 'peak': 8715, 'spirits': 8716, 'graders': 8717, 'welts': 8718, 'cricket': 8719, 'tablets': 8720, 'derby': 8
721, 'leaders': 8722, 'smelling': 8723, 'travesty': 8724, 'setup': 8725, 'chowder': 8726, 'anyday': 8727, 'loooo
l': 8728, 'rejects': 8729, 'lbs': 8730, 'economics': 8731, 'offically': 8732, 'whining': 8733, 'dumped': 8734, '
balcony': 8735, 'unf': 8736, 'offend': 8737, 'racism': 8738, 'addin': 8739, 'gfs': 8740, 'kobe': 8741, 'specials
': 8742, 'warner': 8743, 'naty': 8744, 'jams': 8745, 'katies': 8746, 'distract': 8747, 'computing': 8748, 'btche
s': 8749, 'jalan': 8750, 'notices': 8751, 'ouchies': 8752, 'destroy': 8753, 'creeper': 8754, 'rewrite': 8755, 'u
nreal': 8756, 'provides': 8757, 'cindy': 8758, 'canberra': 8759, 'stripey': 8760, 'mei': 8761, 'chandler': 8762,
'samee': 8763, 'freee': 8764, 'madres': 8765, 'greta': 8766, 'heheee': 8767, 'permit': 8768, 'looooong': 8769, '
haa': 8770, 'mms': 8771, 'calories': 8772, 'slumdog': 8773, 'midnite': 8774, 'confessional': 8775, 'marco': 8776
, 'afternoons': 8777, 'publicly': 8778, 'types': 8779, 'banking': 8780, 'becky': 8781, 'continually': 8782, 'fre
eway': 8783, 'beck': 8784, 'cheerleading': 8785, 'adobe': 8786, 'downs': 8787, 'mysterious': 8788, 'darts': 8789
, 'http': 8790, 'grumble': 8791, 'steveo': 8792, 'mv': 8793, 'kelley': 8794, 'cambodian': 8795, 'lure': 8796, 'c
ater': 8797, 'millionaire': 8798, 'interns': 8799, 'fade': 8800, 'righ': 8801, 'evryone': 8802, 'np': 8803, 'pay
day': 8804, 'cooperate': 8805, 'technique': 8806, 'lonley': 8807, 'abuseallabuse': 8808, 'blahh': 8809, 'wgn': 8
810, 'limb': 8811, 'initial': 8812, 'oneself': 8813, 'nyquil': 8814, 'namaskar': 8815, 'marathi': 8816, 'whistle
': 8817, 'mikes': 8818, 'murray': 8819, 'toasting': 8820, 'napa': 8821, 'intern': 8822, 'lean': 8823, 'bubba': 8
824, 'yeaaa': 8825, 'desktops': 8826, 'cheat': 8827, 'terrified': 8828, 'asda': 8829, 'ericka': 8830, 'misplaced
': 8831, 'redyed': 8832, 'acoustic': 8833, 'ummmnnn': 8834, 'kilkenny': 8835, 'muster': 8836, 'ver': 8837, 'tort
illa': 8838, 'wardrobe': 8839, 'gymnastics': 8840, 'leon': 8841, 'sunniest': 8842, 'truffles': 8843, 'wires': 88
44, 'dada': 8845, 'coolio': 8846, 'shelter': 8847, 'brag': 8848, 'ere': 8849, 'nita': 8850, 'cisco': 8851, 'load
ers': 8852, 'asians': 8853, 'callin': 8854, 'scum': 8855, 'tiredd': 8856, 'endometriosis': 8857, 'oy': 8858, 'ro
o': 8859, 'hellotxt': 8860, 'shaky': 8861, 'pine': 8862, 'imput': 8863, 'permission': 8864, 'whales': 8865, 'app
arantly': 8866, 'activities': 8867, 'shizzle': 8868, 'heartbreak': 8869, 'meow': 8870, 'rotation': 8871, 'april'
: 8872, 'humma': 8873, 'racists': 8874, 'betta': 8875, 'sucksss': 8876, 'prototype': 8877, 'utter': 8878, 'tourn
ey': 8879, 'limo': 8880, 'yarn': 8881, 'bathing': 8882, 'humbug': 8883, 'depresses': 8884, 'ethics': 8885, 'conf
': 8886, 'progressive': 8887, 'effect': 8888, 'milano': 8889, 'divine': 8890, 'champion': 8891, 'gems': 8892, 't
imberlakes': 8893, 'turkey': 8894, 'glitter': 8895, 'unholy': 8896, 'opens': 8897, 'csi': 8898, 'oui': 8899, 'ha
rris': 8900, 'lookout': 8901, 'gears': 8902, 'gilbert': 8903, 'hysterical': 8904, 'papas': 8905, 'watson': 8906,
'landlord': 8907, 'rosemary': 8908, 'stinging': 8909, 'npr': 8910, 'waffles': 8911, 'strategic': 8912, 'regal':
8913, 'alyssa': 8914, 'claws': 8915, 'decorated': 8916, 'lmfaoooo': 8917, 'mor': 8918, 'guns': 8919, 'candle': 8
920, 'doom': 8921, 'meeeeeeee': 8922, 'dawg': 8923, 'kl': 8924, 'fruity': 8925, 'unread': 8926, 'yeeeeah': 8927,
'bastos': 8928, 'lapit': 8929, 'lazing': 8930, 'desert': 8931, 'yawn': 8932, 'scratches': 8933, 'hometown': 8934
, 'thames': 8935, 'lane': 8936, 'tryed': 8937, 'swallow': 8938, 'jaycees': 8939, 'adriana': 8940, 'forcast': 894
1, 'eu': 8942, 'mighty': 8943, 'pwns': 8944, 'firewire': 8945, 'aboard': 8946, 'bookmarks': 8947, 'attract': 894
8, 'ye': 8949, 'apathetic': 8950, 'arrest': 8951, 'fallout': 8952, 'reboot': 8953, 'halloween': 8954, 'explicitl
y': 8955, 'shed': 8956, 'cody': 8957, 'linked': 8958, 'welcoming': 8959, 'movielolwhat': 8960, 'lavish': 8961, '
aitn': 8962, 'starburst': 8963, 'hobos': 8964, 'tacos': 8965, 'leavealec': 8966, 'volterra': 8967, 'gluttony': 8
968, 'feening': 8969, 'cigs': 8970, 'soonnnnnn': 8971, 'andzi': 8972, 'ryaaaaaaaaaaaaan': 8973, 'renae': 8974, '
abducted': 8975, 'flos': 8976, 'displayed': 8977, 'alotment': 8978, 'discos': 8979, 'murders': 8980, 'ruleaz': 8
981, 'zic': 8982, 'nosely': 8983, 'finaljust': 8984, 'xmind': 8985, 'adoreiii': 8986, 'peoplemyself': 8987, 'mtf
bwy': 8988, 'tablejukebox': 8989, 'grouch': 8990, 'shannen': 8991, 'susans': 8992, 'policies': 8993, 'upshot': 8
994, 'ummwhy': 8995, 'twitterchallenged': 8996, 'emailmailing': 8997, 'ambulance': 8998, 'alonen': 8999, 'relise
': 9000, 'joshua': 9001, 'warms': 9002, 'prisnor': 9003, 'cookoutofthecentury': 9004, 'airconditioner': 9005, 't
rudys': 9006, 'burnetthe': 9007, 'broccolli': 9008, 'veggies': 9009, 'statistic': 9010, 'bitcrossing': 9011, 'mo
omy': 9012, 'botcon': 9013, 'buwieser': 9014, 'suckswish': 9015, 'carries': 9016, 'tiredlolda': 9017, 'hooks': 9
018, 'transgress': 9019, 'metre': 9020, 'toaster': 9021, 'strudlesp': 9022, 'snore': 9023, 'ducked': 9024, 'sais
': 9025, 'excist': 9026, 'doneyea': 9027, 'guyhes': 9028, 'renouncing': 9029, 'campp': 9030, 'investigating': 90
31, 'fuccin': 9032, 'blocc': 9033, 'cantazaro': 9034, 'calabria': 9035, 'kirkland': 9036, 'launchyerboat': 9037,
'motherland': 9038, 'caro': 9039, 'headway': 9040, 'itexa': 9041, 'splash': 9042, 'coppinger': 9043, 'photobucke
t': 9044, 'cuteset': 9045, 'looooooove': 9046, 'colleen': 9047, 'midget': 9048, 'khyy': 9049, 'jmichelle': 9050,
'microplaza': 9051, 'hust': 9052, 'rotton': 9053, 'phenomenonall': 9054, 'superbad': 9055, 'thereoyy': 9056, 'ge
as': 9057, 'challenger': 9058, 'sciifi': 9059, 'jz': 9060, 'resonate': 9061, 'libby': 9062, 'fussy': 9063, 'reci
te': 9064, 'itlesson': 9065, 'condom': 9066, 'imagining': 9067, 'wees': 9068, 'balistic': 9069, 'dongggg': 9070,
'blighty': 9071, 'playdate': 9072, 'vans': 9073, 'transmission': 9074, 'comeeee': 9075, 'shannii': 9076, 'system
wide': 9077, 'spellchecker': 9078, 'unhelpful': 9079, 'elbowarm': 9080, 'compiled': 9081, 'retelling': 9082, 'sa
skatoon': 9083, 'weepy': 9084, 'obnoxious': 9085, 'separates': 9086, 'robber': 9087, 'amateur': 9088, 'tossing':
9089, 'goodgirl': 9090, 'reactivation': 9091, 'shoplifting': 9092, 'friendship': 9093, 'carried': 9094, 'jerms':
9095, 'hellooo': 9096, 'amarula': 9097, 'programmes': 9098, 'bayi': 9099, 'duetter': 9100, 'ouse': 9101, 'whaaaa
aaaaaat': 9102, 'broompark': 9103, 'ceremonygloomy': 9104, 'mulching': 9105, 'courtney': 9106, 'superfresh': 910
7, 'somebodies': 9108, 'beshie': 9109, 'grovelled': 9110, 'eally': 9111, 'everaldo': 9112, 'unitymode': 9113, 'a
ccdentt': 9114, 'bead': 9115, 'crumb': 9116, 'navigation': 9117, 'studios': 9118, 'sprite': 9119, 'trekone': 912
0, 'bombtastic': 9121, 'cho': 9122, 'deucie': 9123, 'pankraz': 9124, 'monts': 9125, 'pairung': 9126, 'abusefinge
rs': 9127, 'crossedabuse': 9128, 'kitchenand': 9129, 'itmy': 9130, 'ary': 9131, 'aaaww': 9132, 'courseeee': 9133
, 'uqh': 9134, 'supposedd': 9135, 'wakke': 9136, 'upp': 9137, 'earlyy': 9138, 'cantt': 9139, 'sleepp': 9140, 'om
q': 9141, 'tomorroww': 9142, 'iss': 9143, 'listfind': 9144, 'logans': 9145, 'twnzfinest': 9146, 'babyim': 9147,
'gametrying': 9148, 'crythe': 9149, 'muchi': 9150, 'himcant': 9151, 'breakingg': 9152, 'masseuse': 9153, 'giveaw
ays': 9154, 'officejet': 9155, 'fax': 9156, 'eggos': 9157, 'synthetic': 9158, 'sustitute': 9159, 'fabusekin': 91
60, 'vfactory': 9161, 'garrit': 9162, 'participating': 9163, 'wokking': 9164, 'houri': 9165, 'yeayyy': 9166, 'om
edetou': 9167, 'hotttie': 9168, 'poooh': 9169, 'sounda': 9170, 'hh': 9171, 'onoff': 9172, 'hotdogs': 9173, 'nice
eeee': 9174, 'soulmate': 9175, 'conflicting': 9176, 'greatt': 9177, 'ollmann': 9178, 'felix': 9179, 'kayy': 9180
, 'fabian': 9181, 'shuuut': 9182, 'backgroung': 9183, 'ppicture': 9184, 'yuuup': 9185, 'thisits': 9186, 'snowbal
l': 9187, 'grubb': 9188, 'stoooopit': 9189, 'stooopit': 9190, 'rendition': 9191, 'feds': 9192, 'hounding': 9193,
'dodged': 9194, 'mooorrreeee': 9195, 'havn�t': 9196, 'beav': 9197, 'dubstep': 9198, 'stokednot': 9199, 'quirky
': 9200, 'concerto': 9201, 'haii': 9202, 'contracts': 9203, 'nythen': 9204, 'washers': 9205, 'upfeelin': 9206, '
leavepriciness': 9207, 'panhandlers': 9208, 'diy': 9209, 'dexter': 9210, 'chunky': 9211, 'causee': 9212, 'okami'
: 9213, 'hampa': 9214, 'hatiku': 9215, 'affirmation': 9216, 'florence': 9217, 'likable': 9218, 'hahahahahahaha':
9219, 'manicure': 9220, 'oftwtr': 9221, 'basil': 9222, 'telegraph': 9223, 'thght': 9224, 'workd': 9225, 'spout':
9226, 'absolute': 9227, 'shiraz': 9228, 'antibahai': 9229, 'centernot': 9230, 'mosque': 9231, 'campaignsadly': 9
232, 'wr': 9233, 'zahedan': 9234, 'hsbc': 9235, 'apy': 9236, 'underneath': 9237, 'inshaaallah': 9238, 'equation'
: 9239, 'pleaase': 9240, 'stephane': 9241, 'shuting': 9242, 'neverending': 9243, 'babbby': 9244, 'weee': 9245, '
shawna': 9246, 'damon': 9247, 'cade': 9248, 'cutewish': 9249, 'thereive': 9250, 'diegoooooooo': 9251, 'dollies':
9252, 'opps': 9253, 'nott': 9254, 'aoki': 9255, 'seesmic': 9256, 'indiagovt': 9257, 'rapes': 9258, 'quiteheavenl
y': 9259, 'rroberts': 9260, 'stomped': 9261, 'hokey': 9262, 'cokeu': 9263, 'aggressive': 9264, 'slovakian': 9265
, 'butits': 9266, 'friiiiiday': 9267, 'latvian': 9268, 'beaurocracy': 9269, 'nonresident': 9270, 'braille': 9271
, 'farsi': 9272, 'egyptian': 9273, 'wowza': 9274, 'ysj': 9275, 'tiehahaha': 9276, 'prayin': 9277, 'welly': 9278,
'driveoh': 9279, 'maintain': 9280, 'atticus': 9281, 'mysore': 9282, 'pigsswines': 9283, 'ommg': 9284, 'gurll': 9
285, 'stressfulbeen': 9286, 'yesssssssssss': 9287, 'shinningat': 9288, 'pimms': 9289, 'relocate': 9290, 'maggie'
: 9291, 'moos': 9292, 'galaxy': 9293, 'loldon': 9294, 'seriousits': 9295, 'nx': 9296, 'uktv': 9297, 'tomro': 929
8, 'bestriding': 9299, 'offget': 9300, 'nanawish': 9301, 'beckyyy': 9302, 'waydont': 9303, 'mrb': 9304, 'wrng':
9305, 'footage': 9306, 'scarededededed': 9307, 'lingering': 9308, 'hapee': 9309, 'badu': 9310, 'stag': 9311, 'da
nces': 9312, 'puzzled': 9313, 'pinpoint': 9314, 'expecto': 9315, 'patronum': 9316, 'calll': 9317, 'luvvie': 9318
, 'tartan': 9319, 'castone': 9320, 'ipt': 9321, 'trackball': 9322, 'rsi': 9323, 'chattin': 9324, 'replicants': 9
325, 'dji': 9326, 'duo': 9327, 'heartedly': 9328, 'copilot': 9329, 'burnin': 9330, 'thanksdo': 9331, 'showroom':
9332, 'chk': 9333, 'lamps': 9334, 'contents': 9335, 'interest': 9336, 'ankit': 9337, 'parlour': 9338, 'hokeypoke
ybandra': 9339, 'sleeprestless': 9340, 'adidas': 9341, 'denyer': 9342, 'xoxoxoxoxoxo': 9343, 'recycling': 9344,
'hooky': 9345, 'quakes': 9346, 'pkuers': 9347, 'leukemia': 9348, 'pennsylvania': 9349, 'ummnope': 9350, 'anymore
e': 9351, 'clint': 9352, 'newly': 9353, 'minted': 9354, 'plural': 9355, 'aliveim': 9356, 'doneto': 9357, 'todat'
: 9358, 'stancethis': 9359, 'humidity': 9360, 'meltingaway': 9361, 'ded': 9362, 'sunstroke': 9363, 'robs': 9364,
'flicks': 9365, 'breannarose': 9366, 'fuuuuuuck': 9367, 'youuuu': 9368, 'reportdone': 9369, 'calgary': 9370, 'mi
ndless': 9371, 'walwal': 9372, 'ange': 9373, 'restget': 9374, 'tory': 9375, 'watty': 9376, 'westcott': 9377, 'ap
ollo': 9378, 'au': 9379, 'ttc': 9380, 'mamaagain': 9381, 'helloim': 9382, 'andim': 9383, 'asi': 9384, 'friendsi'
: 9385, 'inadequateineedhelp': 9386, 'limpingso': 9387, 'vids�': 9388, 'backbeen': 9389, 'pervs': 9390, 'shift
er': 9391, 'hddi': 9392, 'benchmarked': 9393, 'ftr': 9394, 'dramatic': 9395, 'odour': 9396, 'piriton': 9397, 'pu
rifier': 9398, 'awoke': 9399, 'emulsioning': 9400, 'sacked': 9401, 'yacht': 9402, 'steamed': 9403, 'thooo': 9404
, 'comeeeeee': 9405, 'alryt': 9406, 'tmoro': 9407, 'sud': 9408, 'sumin': 9409, 'aen': 9410, 'sleeves': 9411, 'no
will': 9412, 'teen': 9413, 'muggy': 9414, 'awessomee': 9415, 'hurrr': 9416, 'orr': 9417, 'alkie': 9418, 'foodtou
r': 9419, 'yeaaah': 9420, 'rome': 9421, 'ceasar': 9422, 'unpleasant': 9423, 'wnlaws': 9424, 'statements': 9425,
'cryyy': 9426, 'thiswash': 9427, 'awestruck': 9428, 'michi': 9429, 'moma': 9430, 'sicko': 9431, 'digusted': 9432
, 'piecing': 9433, 'boeing': 9434, 'huntington': 9435, 'golfer': 9436, 'catches': 9437, 'regional': 9438, 'luvv'
: 9439, 'allegra': 9440, 'flonase': 9441, 'steroid': 9442, 'inhaler': 9443, 'allergy': 9444, 'tweete': 9445, 'fa
rrah': 9446, 'lovethis': 9447, 'cuute': 9448, 'socksys': 9449, 'plucky': 9450, 'caspars': 9451, 'seeking': 9452,
'ethnicity': 9453, 'abuseduecesabuse': 9454, 'givee': 9455, 'schuhmacher': 9456, 'smackdownecw': 9457, 'exodus':
9458, 'wowthanks': 9459, 'palawan': 9460, 'nigt': 9461, 'nonwww': 9462, 'aweesome': 9463, 'musashis': 9464, 'rep
': 9465, 'kitaro': 9466, 'dentention': 9467, 'dwell': 9468, 'supportive': 9469, 'darnit': 9470, 'interwebs': 947
1, 'herdman': 9472, 'middleclick': 9473, 'schoolwork': 9474, 'h�rlich': 9475, 'dared': 9476, 'riah': 9477, 'br
endon': 9478, 'loretta': 9479, 'pracc': 9480, 'bestttt': 9481, 'facehunter': 9482, 'representation': 9483, 'swed
es': 9484, 'wrath': 9485, 'ashes': 9486, 'catnip': 9487, 'endangered': 9488, 'rigby': 9489, 'nhn': 9490, 'ch': 9
491, 'b�': 9492, 'v�o': 9493, 'khon': 9494, 'funalthough': 9495, 'unhooking': 9496, 'marathons': 9497, 'call
stxtfb': 9498, 'worriedi': 9499, 'muchbut': 9500, 'lamentablemente': 9501, 'jrztwitterlunch': 9502, 'decemberist
s': 9503, 'mainland': 9504, 'representatives': 9505, 'adt': 9506, 'princelples': 9507, 'whatz': 9508, 'waaaaaaaa
aah': 9509, 'hermits': 9510, 'flourescents': 9511, 'facepeely': 9512, 'hideous': 9513, 'dinos': 9514, 'wasstraat
': 9515, 'mcflurry': 9516, 'aaaaahhhh': 9517, 'forked': 9518, 'workfinally': 9519, 'pointsana': 9520, 'jurong':
9521, 'pedals': 9522, 'nepal': 9523, 'declaring': 9524, 'resign': 9525, 'resigning': 9526, 'reeeejuvinated': 952
7, 'tuition': 9528, 'jan': 9529, 'recomended': 9530, 'gday': 9531, 'fred': 9532, 'claussuch': 9533, 'oabuseo': 9
534, 'stumbling': 9535, 'deathfic': 9536, 'yolanda': 9537, 'tripoly': 9538, 'insteadi': 9539, 'lameness': 9540,
'itmay': 9541, 'cc�s': 9542, 'premiers': 9543, 'tourdeus': 9544, 'ykyat': 9545, 'bmac': 9546, 'sumfink': 9547,
'owwwwwwwwwwwww': 9548, 'facking': 9549, 'teletubbies': 9550, 'upssher': 9551, 'writen': 9552, 'chesca': 9553, '
meowing': 9554, 'musiciansartists': 9555, 'woodstock': 9556, 'frined': 9557, 'fila': 9558, 'connector': 9559, 't
ripsaving': 9560, 'realllllllly': 9561, 'llike': 9562, 'messaged': 9563, 'yehits': 9564, 'lupus': 9565, 'groupin
g': 9566, 'participants': 9567, 'giraffe': 9568, 'vengaboys': 9569, 'zane': 9570, 'lowe': 9571, 'gladiators': 95
72, 'breakim': 9573, 'messes': 9574, 'ricks': 9575, 'skeptical': 9576, 'boopboopboop': 9577, 'honeysee': 9578, '
spilt': 9579, 'bbbrrr': 9580, 'circa': 9581, 'arefire': 9582, 'ughanyways': 9583, 'sadfaced': 9584, 'yorker': 95
85, 'maxi': 9586, 'lalaland': 9587, 'plagiarism': 9588, 'wiff': 9589, 'pazik': 9590, 'fart': 9591, 'woootwoooo':
9592, 'nakakahyper': 9593, 'fridaaaayyyyy': 9594, 'melatonin': 9595, 'maaaaan': 9596, 'grumbling': 9597, 'larger
': 9598, 'avalina': 9599, 'dud': 9600, 'abusewishes': 9601, 'idontknowwhatdamnbrandcoffeethisis': 9602, 'voiceaa
arrrggghhh': 9603, 'shermk': 9604, 'halla': 9605, 'haloom': 9606, 'eeem': 9607, 'rationale': 9608, 'eyaseer': 96
09, 'inshallah': 9610, 'billiam': 9611, 'whoayoure': 9612, 'automated': 9613, 'abusedownloader': 9614, 'youporn'
: 9615, 'mitchell': 9616, 'beforedont': 9617, 'pitiful': 9618, 'purposely': 9619, 'tacky': 9620, 'liberalism': 9
621, 'crucifiction': 9622, 'abstraction': 9623, 'someif': 9624, 'brochures': 9625, 'bwrc': 9626, 'zorzpeep': 962
7, 'insteadand': 9628, 'rsvpsorry': 9629, 'birthdayday': 9630, 'sundaybut': 9631, 'adopting': 9632, 'exotic': 96
33, 'happpppy': 9634, 'dealsyou': 9635, 'finales': 9636, 'loft': 9637, 'haggis': 9638, 'starsailor': 9639, 'powe
rshell': 9640, 'inventory': 9641, 'sprinkling': 9642, 'ssshhh': 9643, 'disturb': 9644, 'abusethankabuse': 9645,
'sadsville': 9646, 'gaytimes': 9647, 'snowy': 9648, 'packages': 9649, 'jewnew': 9650, 'evangelizing': 9651, 'cub
iclefreedomness': 9652, 'munderday': 9653, 'dsds': 9654, 'critical': 9655, 'godown': 9656, 'fungus': 9657, 'badl
uck': 9658, 'garley': 9659, 'pinkgreen': 9660, 'outzen': 9661, 'exclassmates': 9662, 'goodtimes': 9663, 'giggles
': 9664, 'jars': 9665, 'skiing': 9666, 'treble': 9667, 'dyer': 9668, 'violations': 9669, 'trademark': 9670, 'caa
use': 9671, 'liptons': 9672, 'busting': 9673, 'fridayfirehazzard': 9674, 'maximum': 9675, 'aimeeeeeee': 9676, 'k
itsch': 9677, 'dahling': 9678, 'tweep': 9679, 'adoreeeee': 9680, 'nathanson': 9681, 'sez': 9682, 'quadriceps': 9
683, 'eyescontentment': 9684, 'sugaaar': 9685, 'ra': 9686, 'skrg': 9687, 'sempit': 9688, 'waktunya': 9689, 'work
that': 9690, 'supervise': 9691, 'wt': 9692, 'yaer': 9693, 'polka': 9694, 'glam': 9695, 'waters': 9696, 'slipnow'
: 9697, 'belofsouthie': 9698, 'textedcalled': 9699, 'fidel': 9700, 'arrggghhhdang': 9701, 'lawns': 9702, 'sash':
9703, 'sill': 9704, 'cuban': 9705, 'nonintrusive': 9706, 'keygens': 9707, 'finei': 9708, 'isabela': 9709, 'uribe
': 9710, 'wayi': 9711, 'straightjust': 9712, 'mkting': 9713, 'bifocals': 9714, 'charla': 9715, 'gotoo': 9716, 'l
icensed': 9717, 'zombiepix': 9718, 'woosoo': 9719, 'driveing': 9720, 'nutts': 9721, 'suckiest': 9722, 'tiasha':
9723, 'poetize': 9724, 'moines': 9725, 'tdwp': 9726, 'goblet': 9727, 'mikeys': 9728, 'bouquet': 9729, 'shotgun':
9730, 'guilted': 9731, 'schoolhope': 9732, 'lexi': 9733, 'caption': 9734, 'karla': 9735, 'accounting': 9736, 'sa
laried': 9737, 'territory': 9738, 'praline': 9739, 'okayso': 9740, 'nowsend': 9741, 'sns': 9742, 'uthx': 9743, '
adelaidemarie': 9744, 'canadatoronto': 9745, 'matched': 9746, 'clot': 9747, 'lahore': 9748, 'targets': 9749, 'ti
kka': 9750, 'versionshelp': 9751, 'acdc': 9752, 'flannel': 9753, 'hobbit': 9754, 'waaaaa': 9755, 'drycleaners':
9756, 'tamlyn': 9757, 'thoughand': 9758, 'socialily': 9759, 'naiv': 9760, 'wahts': 9761, 'coffeclub': 9762, 'you
uuuuu': 9763, 'semiabuse': 9764, 'brokewalking': 9765, 'dearie': 9766, 'nakumadaya': 9767, 'jailbreaking': 9768,
'stacie': 9769, 'masala': 9770, 'chaas': 9771, 'trackflashback': 9772, 'nappys': 9773, 'wordby': 9774, 'nappy':
9775, 'braids': 9776, 'igot': 9777, 'hangtime': 9778, 'sweetiepie': 9779, 'baxx': 9780, 'ammmmazing': 9781, 'dis
gust': 9782, 'mochi': 9783, 'jpeg': 9784, 'terminology': 9785, 'greeeeeeeeeeeat': 9786, 'classesif': 9787, 'meu'
: 9788, 'revelation': 9789, 'ohhhhnow': 9790, 'happyslip': 9791, 'dancers': 9792, 'earedpages': 9793, 'requires'
: 9794, 'roc': 9795, 'witchu': 9796, 'imy': 9797, 'buu': 9798, 'workmen': 9799, 'extending': 9800, 'blasted': 98
01, 'shoulve': 9802, 'rm': 9803, 'applebottoms': 9804, 'fubu': 9805, 'mamalaura': 9806, 'blob': 9807, 'tentacles
': 9808, 'weatherlooks': 9809, 'ankles': 9810, 'swolleneeks': 9811, 'pasty': 9812, 'weirdly': 9813, 'greentea':
9814, 'blogyeahhhh': 9815, 'wacky': 9816, 'grandas': 9817, 'celebxxxvidsyh': 9818, 'aybygw': 9819, 'molars': 982
0, 'girlnow': 9821, 'pag': 9822, 'basta': 9823, 'peanuts': 9824, 'tec': 9825, 'skipton': 9826, 'bottislive': 982
7, 'organiser': 9828, 'artistdjs': 9829, 'yeahwe': 9830, 'shiiiterhyming': 9831, 'fugees': 9832, 'niiiighht': 98
33, 'amazzzing': 9834, 'wordddss': 9835, 'samples': 9836, 'zorny': 9837, 'bungle': 9838, 'wishhh': 9839, 'youtub
es': 9840, 'clocked': 9841, 'northview': 9842, 'noooootttttttt': 9843, 'nofair': 9844, 'uhura': 9845, 'nero': 98
46, 'namerebecca': 9847, 'anothe': 9848, 'chickie': 9849, 'depeche': 9850, 'scholls': 9851, 'sandal': 9852, 'ins
erts': 9853, 'prez': 9854, 'inconclusive': 9855, 'forgo': 9856, 'glammyyy': 9857, 'crocker': 9858, 'blanco': 985
9, 'eitheryo': 9860, 'puerto': 9861, 'rican': 9862, 'mamiyo': 9863, 'yi': 9864, 'tubut': 9865, 'validation': 986
6, 'believers': 9867, 'mercy': 9868, 'mercedes': 9869, 'eathomeworktvi': 9870, 'naivety': 9871, 'freelance': 987
2, 'knighty': 9873, 'klonopin': 9874, 'swedish': 9875, 'noooooooooooo': 9876, 'swelter': 9877, 'heatish': 9878,
'idiom': 9879, 'yare': 9880, 'decker': 9881, 'sunnn': 9882, 'finnalllyyy': 9883, 'oasis': 9884, 'ribena': 9885,
'toughest': 9886, 'esplained': 9887, 'teensthanks': 9888, 'fff': 9889, 'interracial': 9890, 'acknowledge': 9891,
'inevitable': 9892, 'followillfriday': 9893, 'drooling': 9894, 'beginnings': 9895, 'calexico': 9896, 'flowy': 98
97, 'oystsers': 9898, 'platter': 9899, 'eztv': 9900, 'madina': 9901, 'payroll': 9902, 'goodno': 9903, 'drmiracle
s': 9904, 'feelit': 9905, 'tae': 9906, 'granted': 9907, 'invaders': 9908, 'atomic': 9909, 'flavored': 9910, 'tel
escope': 9911, 'yesty': 9912, 'schooli': 9913, 'mehahaha': 9914, 'stina': 9915, 'familyi': 9916, 'nawwwww': 9917
, 'unbelievable': 9918, 'allies': 9919, 'rae': 9920, 'shoping': 9921, 'davidhahaenjoy': 9922, 'hallwayabuse': 99
23, 'bbqim': 9924, 'almostt': 9925, 'whinetweet': 9926, 'specified': 9927, 'flik': 9928, 'nanowrimo': 9929, 'ide
ia': 9930, 'wooowww': 9931, 'abusehopes': 9932, 'trueabuse': 9933, 'pichave': 9934, 'tomoive': 9935, 'zol': 9936
, 'justify': 9937, 'curler': 9938, 'whhhyyy': 9939, 'igirl': 9940, 'twitterbff': 9941, 'atrocious': 9942, 'visas
': 9943, 'spams': 9944, 'twittergadget': 9945, 'complications': 9946, 'cissbury': 9947, 'grrrrrrrr': 9948, 'summ
mmmerrrrr': 9949, 'beginsyeahhhhhyaaaaaa': 9950, 'kb': 9951, 'cadbury': 9952, 'getaway': 9953, 'bsnl': 9954, 'ar
rgghhhggguuuiiissshhhh': 9955, 'assignement': 9956, 'burma': 9957, 'eeeep': 9958, 'noboddddyyyy': 9959, 'rolf':
9960, 'leftwithout': 9961, 'boredumsong': 9962, 'flyleaf': 9963, 'myspaces': 9964, 'kissesabuse': 9965, 'boooooo
ooo': 9966, 'ntah': 9967, 'comee': 9968, 'haiiii': 9969, 'sankq': 9970, 'fineee': 9971, 'checkup': 9972, 'rib':
9973, 'xxxxxxxxxxxxxxxxxxx': 9974, 'berries': 9975, 'soph': 9976, 'beatiful': 9977, 'jap': 9978, 'thinker': 9979
, 'freaaaaaaak': 9980, 'oceanupmiley': 9981, 'gaston': 9982, 'justinhmmmim': 9983, 'partyooo': 9984, 'channing':
9985, 'tatum': 9986, 'destruction': 9987, 'languageawww': 9988, 'await': 9989, 'pnutt': 9990, 'collar': 9991, 'l
eash': 9992, 'arnd': 9993, 'sped': 9994, 'ensures': 9995, 'timely': 9996, 'productnamingrulez': 9997, 'abuseemba
rrassed': 9998, 'osbourne': 9999, 'allim': 10000, 'pinga': 10001, 'aaaaw': 10002, 'flake': 10003, 'novusnovendo'
: 10004, 'eyecandy': 10005, 'xatl': 10006, 'barakats': 10007, 'ssoo': 10008, 'showershave': 10009, 'jottonia': 1
0010, 'booziest': 10011, 'bankholiday': 10012, 'rcb': 10013, 'trashes': 10014, 'cupcakey': 10015, 'marisa': 1001
6, 'mauro': 10017, 'arseholes': 10018, 'schooling': 10019, 'por': 10020, 'zwitschert': 10021, 'experienced': 100
22, 'apathy': 10023, 'empathy': 10024, 'fckeditor': 10025, 'alzheimers': 10026, 'commerce': 10027, 'caffeine': 1
0028, 'levels': 10029, 'jenson': 10030, 'jibberish': 10031, 'seos': 10032, 'submitting': 10033, 'salmon': 10034,
'sashimi': 10035, 'suchatease': 10036, 'pressie': 10037, 'abusepoutsabuse': 10038, 'threeday': 10039, 'cancelled
now': 10040, 'quarantined': 10041, 'pinkeye': 10042, 'pagee': 10043, 'photobook': 10044, 'hooooommmeeee': 10045,
'valkyria': 10046, 'partyyou': 10047, 'pleassse': 10048, 'failedhaving': 10049, 'withdrawals': 10050, 'pythonkin
gsnl': 10051, 'daps': 10052, 'yani': 10053, 'cabaret': 10054, 'agaaaaaaiiiin': 10055, 'maaaam': 10056, 'hardwood
': 10057, 'floors': 10058, 'ayt': 10059, 'spur': 10060, 'cnaterbury': 10061, 'realx': 10062, 'nooobody': 10063,
'wreckers': 10064, 'crampsss': 10065, 'cytheria': 10066, 'somelol': 10067, 'daywow': 10068, 'mamamama': 10069, '
promif': 10070, 'unemployment': 10071, 'etown': 10072, 'heheuntil': 10073, 'respite': 10074, 'penguin': 10075, '
bre': 10076, 'stuffy': 10077, 'sudafed': 10078, 'yata': 10079, 'hustlaball': 10080, 'appearances': 10081, 'prowl
er': 10082, 'dom': 10083, 'twitted': 10084, 'promoted': 10085, 'klaudines': 10086, 'thatboth': 10087, 'disbelief
': 10088, 'posited': 10089, 'avaialble': 10090, 'montdays': 10091, 'succession': 10092, 'bananas': 10093, 'kapse
l': 10094, 'dy': 10095, 'nulis': 10096, 'spertinya': 10097, 'ditag': 10098, 'notificationnya': 10099, 'huhu': 10
100, 'weaki': 10101, 'netplayer': 10102, 'blehh': 10103, 'steff': 10104, 'exhibit': 10105, 'hugsbut': 10106, 'an
ythingwondering': 10107, 'amritsar': 10108, 'placesthe': 10109, 'horrorhoping': 10110, 'wholesale': 10111, 'endo
dontist': 10112, 'removing': 10113, 'ceramic': 10114, 'shatter': 10115, 'exahausted': 10116, 'gettn': 10117, 'he
artwhoeva': 10118, 'lond': 10119, 'kev': 10120, 'westgate': 10121, 'wranglers': 10122, 'mountainjam': 10123, 'pr
escription': 10124, 'lookie': 10125, 'moyles': 10126, 'noor': 10127, 'canvassing': 10128, 'goaudio': 10129, 'ser
geants': 10130, 'abuseflicks': 10131, 'lightsabuse': 10132, 'beetches': 10133, 'finden': 10134, 'hea': 10135, 'l
aterhope': 10136, 'revel': 10137, 'gradesoutside': 10138, 'decksun': 10139, 'juggler': 10140, 'raininghad': 1014
1, 'halfheartedly': 10142, 'marky': 10143, 'escobar': 10144, 'walcers': 10145, 'frat': 10146, 'wac': 10147, 'clu
bdancingbut': 10148, 'hoursnow': 10149, 'antonio': 10150, 'waitressing': 10151, 'lovehes': 10152, 'tortured': 10
153, 'songmakes': 10154, 'speaks': 10155, 'unzelaif': 10156, 'hashim': 10157, 'dosnt': 10158, 'cse': 10159, 'rfi
d': 10160, 'began': 10161, 'pik': 10162, 'relaxxxx': 10163, 'lyndi': 10164, 'fisnihsed': 10165, 'yesertday': 101
66, 'loiusas': 10167, 'kangaroo': 10168, 'sightseeing': 10169, 'mozconcept': 10170, 'tweepsgood': 10171, 'wussup
': 10172, 'americatalk': 10173, 'wuts': 10174, 'militant': 10175, 'modeam': 10176, 'competitonso': 10177, 'tb':
10178, 'meanest': 10179, 'vondt': 10180, 'ryggen': 10181, 'mackenzie': 10182, 'movieee': 10183, 'twitterfacebook
myspaceno': 10184, 'wades': 10185, 'interuptions': 10186, 'hmtm': 10187, 'sorrryy': 10188, 'broth': 10189, 'sorr
rry': 10190, 'shawneei': 10191, 'therei': 10192, 'hammond': 10193, 'shiiiiiiiiiiiiiiiiiiiiiiiiiiiiiit': 10194, '
defited': 10195, 'goofin': 10196, 'shins': 10197, 'biatch': 10198, 'bosworth': 10199, 'loove': 10200, 'piccolo':
10201, 'differents': 10202, 'mea': 10203, 'theaterahah': 10204, 'coold': 10205, 'donenow': 10206, 'gem': 10207,
'casualties': 10208, 'discography': 10209, 'stoppped': 10210, 'wakeboarding': 10211, 'ciwwaf': 10212, 'vmas': 10
213, 'osap': 10214, 'shorten': 10215, 'woooo': 10216, 'saimee': 10217, 'underage': 10218, 'wishlist': 10219, 'ko
s': 10220, 'jules': 10221, 'albuquerque': 10222, 'deb': 10223, 'sensei': 10224, 'therewe': 10225, 'synced': 1022
6, 'louisa': 10227, 'bobbi': 10228, 'lewis': 10229, 'smudge': 10230, 'malicious': 10231, 'averaged': 10232, 'rob
bie': 10233, 'rebonded': 10234, 'fin': 10235, 'chopping': 10236, 'momol': 10237, 'summahkayy': 10238, 'waah': 10
239, 'omelets': 10240, 'abusespits': 10241, 'napkinabuse': 10242, 'tengo': 10243, 'dinero': 10244, 'sheridan': 1
0245, 'craigslist': 10246, 'abusepraysabuse': 10247, 'harley': 10248, 'cstm': 10249, 'buaa': 10250, 'swedenbut':
10251, 'cheated': 10252, 'brotherdid': 10253, 'num': 10254, 'smhyou': 10255, 'mandarin': 10256, 'rightgotta': 10
257, 'exsausted': 10258, 'chalky': 10259, 'fiiiinaaalllyyy': 10260, 'torential': 10261, 'obligations': 10262, 't
witterbut': 10263, 'possiblei': 10264, 'donor': 10265, 'pleaseeeeeelol': 10266, 'treky': 10267, 'kaul': 10268, '
prereunion': 10269, 'ent': 10270, 'sevens': 10271, 'someonee': 10272, 'hansen': 10273, 'abusefarabuse': 10274, '
sluttin': 10275, 'waaaaaaaaahhhh': 10276, 'zoita': 10277, 'holeintheheart': 10278, 'yonkers': 10279, 'furloughed
': 10280, 'emptying': 10281, 'spgridview': 10282, 'ape': 10283, 'serverside': 10284, 'javascript': 10285, 'mooto
ols': 10286, 'boredbut': 10287, 'babyfather': 10288, 'gemstar': 10289, 'generalisations': 10290, 'fintster': 102
91, 'dustins': 10292, 'outoffocus': 10293, 'projection': 10294, 'gottaaa': 10295, 'harrykim': 10296, 'sleeeeeeee
py': 10297, 'deland': 10298, 'speciaal': 10299, 'voor': 10300, 'zo': 10301, 'vind': 10302, 'w�l': 10303, 'leuk
': 10304, 'deathmatch': 10305, 'janewe': 10306, 'langley': 10307, 'revolution': 10308, 'guapisimo': 10309, 'chic
o': 10310, 'messgae': 10311, 'saver': 10312, 'suncream': 10313, 'kristin': 10314, 'kealie': 10315, 'homeworkbori
ng': 10316, 'todaythis': 10317, 'afternoonnow': 10318, 'dutch': 10319, 'aroundtakin': 10320, 'okiebud': 10321, '
messagesorry': 10322, 'lantz': 10323, 'hearn': 10324, 'muthafuckin': 10325, 'pliers': 10326, 'gossipgirl': 10327
, 'bootay': 10328, 'izzayyy': 10329, 'huggable': 10330, 'cutee': 10331, 'nicho': 10332, 'vegetables': 10333, 'af
fected': 10334, 'lovey': 10335, 'snazzed': 10336, 'summery': 10337, 'hbu': 10338, 'sammie': 10339, 'rejecting':
10340, 'substances': 10341, 'wachting': 10342, 'highmissing': 10343, 'mayfield': 10344, 'ehi': 10345, 'coloradom
aybe': 10346, 'spaceship': 10347, 'manning': 10348, 'roasters': 10349, 'mash': 10350, 'disapointing': 10351, 'pi
rated': 10352, 'nutin': 10353, 'birthdaaaay': 10354, 'jalapeno': 10355, 'chaparros': 10356, 'sunfay': 10357, 'af
terall': 10358, 'puncture': 10359, 'bailon': 10360, 'bleaching': 10361, 'hilariouss': 10362, 'clp': 10363, 'down
especially': 10364, 'gnyt': 10365, 'fontanas': 10366, 'ironclad': 10367, 'determination': 10368, 'cottys': 10369
, 'afternooon': 10370, 'antiitch': 10371, 'branded': 10372, 'carlin': 10373, 'funy': 10374, 'schoolday': 10375,
'nipissing': 10376, 'euphoria': 10377, 'barrie': 10378, 'overtweet': 10379, 'gis': 10380, 'bordom': 10381, 'tinf
oil': 10382, 'beachball': 10383, 'xxxxxxxxxxxxxxxxxxxxxx': 10384, 'sicksome': 10385, 'habits': 10386, 'ofthe': 1
0387, 'climbits': 10388, 'sngs': 10389, 'showstoppers': 10390, 'ceviche': 10391, 'bellinis': 10392, 'vwllers': 1
0393, 'decentso': 10394, 'amazingi': 10395, 'ebru': 10396, 'linkvery': 10397, 'coolsee': 10398, 'demon': 10399,
'static': 10400, 'ip': 10401, 'apologize': 10402, 'ysc': 10403, 'runthrough': 10404, 'gazillion': 10405, 'percen
t': 10406, 'fizz': 10407, 'kalaharinet': 10408, 'commodores': 10409, 'yiiiit': 10410, 'yeahjust': 10411, 'anythi
n': 10412, 'charmer': 10413, 'rankings': 10414, 'hws': 10415, 'flywithmeobsessive': 10416, 'tweetbreak': 10417,
'didja': 10418, 'tortellini': 10419, 'helpline': 10420, 'awesomeeeeee': 10421, 'facespacing': 10422, 'persist':
10423, 'spittin': 10424, 'sunrays': 10425, 'duhi': 10426, 'responsabilities': 10427, 'palante': 10428, 'lore': 1
0429, 'recapping': 10430, 'coined': 10431, 'hottie': 10432, 'switchfoot': 10433, 'hsg': 10434, 'tibet': 10435, '
todaywith': 10436, 'watchn': 10437, 'gweetin': 10438, 'yumwish': 10439, 'infect': 10440, 'othersso': 10441, 'lib
ertine': 10442, 'underdog': 10443, 'francesc': 10444, 'fabregas': 10445, 'fabre': 10446, 'moveout': 10447, 'div'
: 10448, 'gymming': 10449, 'bawas': 10450, 'kanin': 10451, 'celibate': 10452, 'formulate': 10453, 'hurtfinally':
10454, 'bedwill': 10455, 'oververy': 10456, 'mapped': 10457, 'timberfake': 10458, 'motherdaughters': 10459, 'bon
ding': 10460, 'mcfonalds': 10461, 'mygrilled': 10462, 'torey': 10463, 'easactive': 10464, 'paused': 10465, 'abus
eshrugabuse': 10466, 'crikey': 10467, 'depend': 10468, 'structures': 10469, 'blogginggood': 10470, 'jvm': 10471,
'americana': 10472, 'julio': 10473, 'savechuck': 10474, 'maxxie': 10475, 'anwar': 10476, 'illustrated': 10477, '
waaw': 10478, 'gothats': 10479, 'clorox': 10480, 'eleni': 10481, 'cower': 10482, 'comply': 10483, 'yups': 10484,
'pruning': 10485, 'unfollowers': 10486, 'wakes': 10487, 'abusemeowabuse': 10488, 'blagh': 10489, 'redbone': 1049
0, 'greatful': 10491, 'jkidding': 10492, 'benzo': 10493, 'recory': 10494, 'lpi': 10495, 'workingoh': 10496, 'wai
tits': 10497, 'cairns': 10498, 'clan': 10499, 'wire': 10500, 'nesmith': 10501, 'luau': 10502, 'ari': 10503, 'rid
in': 10504, 'dadold': 10505, 'scrape': 10506, 'blerg': 10507, 'silvera': 10508, 'greeat': 10509, 'drinker': 1051
0, 'approximately': 10511, 'bylaurenluke': 10512, 'bamboojade': 10513, 'phillip': 10514, 'completley': 10515, 'k
aitlyn': 10516, 'themwork': 10517, 'jonsame': 10518, 'confuzzled': 10519, 'prego': 10520, 'smuts': 10521, 'abuse
supposedabuse': 10522, 'daywish': 10523, 'biketo': 10524, 'tequilllacarne': 10525, 'asadaand': 10526, 'earlyish'
: 10527, 'yooooooo': 10528, 'classnot': 10529, 'manness': 10530, 'cooolooorss': 10531, 'scribkin': 10532, 'ludi'
: 10533, 'retainers': 10534, 'ofhorrible': 10535, 'arrangements': 10536, 'washer': 10537, 'labeled': 10538, 'exa
msboring': 10539, 'brookings': 10540, 'webgraphic': 10541, 'rural': 10542, 'grenade': 10543, 'trimmer': 10544, '
rosa': 10545, 'guadalupe': 10546, 'virgins': 10547, 'psn': 10548, 'mummyyyyyyyy': 10549, 'mayers': 10550, 'model
ing': 10551, 'picturisation': 10552, 'laertesgirl': 10553, 'woodvine': 10554, 'thorne': 10555, 'blogtalkradio':
10556, 'moneyy': 10557, 'thorough': 10558, 'degrease': 10559, 'lagoon': 10560, 'fishahhh': 10561, 'downsides': 1
0562, 'carnivore': 10563, 'goodmaybe': 10564, 'abbster': 10565, 'yesterdayahhh': 10566, 'mozert': 10567, 'buys':
10568, 'powerball': 10569, 'jackpot': 10570, 'formidable': 10571, 'abuseawesomeabuse': 10572, 'omr': 10573, 'wys
': 10574, 'lhr': 10575, 'crumpin': 10576, 'dub': 10577, 'sayits': 10578, 'backroom': 10579, 'sware': 10580, 'aga
intoo': 10581, 'dramasooo': 10582, 'kellynn': 10583, 'folkestone': 10584, 'riped': 10585, 'mags': 10586, 'beated
': 10587, 'planting': 10588, 'gardenhope': 10589, 'paraded': 10590, 'jojo': 10591, 'hittt': 10592, 'woah': 10593
, 'whitney': 10594, 'ellipital': 10595, 'yogg': 10596, 'ethernet': 10597, 'girlbahahah': 10598, 'testers': 10599
, 'synology': 10600, 'diskstations': 10601, 'fhnixons': 10602, 'lexingtons': 10603, 'foodno': 10604, 'bedno': 10
605, 'daaammmnnnnn': 10606, 'bmore': 10607, 'drems': 10608, 'chantal': 10609, 'blumenthal': 10610, 'flashed': 10
611, 'tame': 10612, 'gaah': 10613, 'wishful': 10614, 'clive': 10615, 'bliptv': 10616, 'abandonment': 10617, 'poo
ping': 10618, 'homeon': 10619, 'poolside': 10620, 'toniht': 10621, 'lurk': 10622, 'mewell': 10623, 'sephora': 10
624, 'dreamland': 10625, 'wearin': 10626, 'whaaaaaat': 10627, 'bottled': 10628, 'ohsosexy': 10629, 'rahul': 1063
0, 'bitbetter': 10631, 'scala': 10632, 'kiddnation': 10633, 'gch': 10634, 'mercedezs': 10635, 'emmy': 10636, 'ap
titude': 10637, 'miamiadc': 10638, 'girll': 10639, 'mommasss': 10640, 'mesmerizing': 10641, 'legally': 10642, 'l
old': 10643, 'somthing': 10644, 'mileyso': 10645, 'disinfected': 10646, 'latrine': 10647, 'homeeboring': 10648,
'okiee': 10649, 'shiggity': 10650, 'shwa': 10651, 'honking': 10652, 'monarchy': 10653, 'reconize': 10654, 'ipswi
tch': 10655, 'watajokeental': 10656, 'fren': 10657, 'wanthavent': 10658, 'legacy': 10659, 'permanent': 10660, 's
j': 10661, 'cinelux': 10662, 'almaden': 10663, 'easports': 10664, 'madden': 10665, 'decoupling': 10666, 'centers
this': 10667, 'gasping': 10668, 'tribes': 10669, 'extinct': 10670, 'donalds': 10671, 'lovley': 10672, 'strugglin
gselfishness': 10673, 'myyy': 10674, 'bucket': 10675, 'cob': 10676, 'mh': 10677, 'departure': 10678, 'abusewhyab
use': 10679, 'yen': 10680, 'awwwe': 10681, 'passyunk': 10682, 'collected': 10683, 'analog': 10684, 'nigeria': 10
685, 'carbonara': 10686, 'zachy': 10687, 'familia': 10688, 'maar': 10689, 'beetle': 10690, 'entrance': 10691, 'z
ipcode': 10692, 'stevens': 10693, 'waterhouse': 10694, 'jhys': 10695, 'musicans': 10696, 'legion': 10697, 'showe
rswork': 10698, 'nichole': 10699, 'medici': 10700, 'slope': 10701, 'golfballs': 10702, 'santana': 10703, 'wraith
': 10704, 'abusereads': 10705, 'bookabuse': 10706, 'clamentsnope': 10707, 'mandarich': 10708, 'handedly': 10709,
'hairbrush': 10710, 'disinfect': 10711, 'nowbut': 10712, 'xt': 10713, 'wantcnt': 10714, 'sicklike': 10715, 'mich
aels': 10716, 'shreddies': 10717, 'wright': 10718, 'heffer': 10719, 'ouchhhhhh': 10720, 'frkn': 10721, 'funfunfu
n': 10722, 'newt': 10723, 'couuuurse': 10724, 'fika': 10725, 'thes': 10726, 'highland': 10727, 'christians': 107
28, 'rblpnqte': 10729, 'delux': 10730, 'boohoohoo': 10731, 'raning': 10732, 'thrui': 10733, 'weekendnot': 10734,
'thelma': 10735, 'rebeca': 10736, 'symonds': 10737, 'goodman': 10738, 'wonderland': 10739, 'psy': 10740, 'alough
': 10741, 'godtalk': 10742, 'tagging': 10743, 'friendshahamy': 10744, 'outmy': 10745, 'mebfalone': 10746, 'neutr
ality': 10747, 'keycards': 10748, 'dins': 10749, 'jor': 10750, 'selfawareness': 10751, 'principle': 10752, 'mour
ners': 10753, 'rotr': 10754, 'adelitas': 10755, 'invincible': 10756, 'spidey': 10757, 'tmo': 10758, 'concerned':
10759, 'batt': 10760, 'regina': 10761, 'deux': 10762, 'shouldhave': 10763, 'romania': 10764, 'mtvsunday': 10765,
'premiere': 10766, 'warz': 10767, 'reallythat': 10768, 'manoh': 10769, 'nicerather': 10770, 'otherlol': 10771, '
aceness': 10772, 'extreme': 10773, 'alredy': 10774, 'daxx': 10775, 'arthroscopy': 10776, 'wfd': 10777, 'typicalg
oin': 10778, 'laydown': 10779, 'againooo': 10780, 'taiwanese': 10781, 'dramas': 10782, 'chun': 10783, 'pogue': 1
0784, 'congrat': 10785, 'strung': 10786, 'nishiki': 10787, 'curing': 10788, 'battered': 10789, 'gokarting': 1079
0, 'elora': 10791, 'danan': 10792, 'nsw': 10793, 'melbs': 10794, 'whwha': 10795, 'hacky': 10796, 'becomin': 1079
7, 'radioactive': 10798, 'arcadia': 10799, 'elusive': 10800, 'veritas': 10801, 'altered': 10802, 'armthis': 1080
3, 'raiders': 10804, 'kanye': 10805, 'eew': 10806, 'skyrockets': 10807, 'aaaaaaaafternoon': 10808, 'settles': 10
809, 'dentistthey': 10810, 'roughnight': 10811, 'checks': 10812, 'kellan': 10813, 'lutz': 10814, 'nerddream': 10
815, 'apuya': 10816, 'fafsa': 10817, 'ann': 10818, 'arbor': 10819, 'xxxxxxxxxxxxxxxxx': 10820, 'sadshoes': 10821
, 'ughhhhhhhhhhhh': 10822, 'contrary': 10823, 'anti': 10824, 'trekkies': 10825, 'empowering': 10826, 'abuselifts
': 10827, 'cupabuse': 10828, 'ocracoke': 10829, 'thunderstorms': 10830, 'afternoonits': 10831, 'eyedea': 10832,
'yoou': 10833, 'yesno': 10834, 'postsdays': 10835, 'cbeebies': 10836, 'epg': 10837, 'pinkyponk': 10838, 'cliff':
10839, 'sourcing': 10840, 'unsettled': 10841, 'nsty': 10842, 'sleepso': 10843, 'infomercials': 10844, 'shoplol':
10845, 'belleville': 10846, 'orillia': 10847, 'bandung': 10848, 'timee': 10849, 'regrettin': 10850, 'workdone':
10851, 'redtape': 10852, 'freshner': 10853, 'horriblel': 10854, 'grossed': 10855, 'algae': 10856, 'mja': 10857,
'cussing': 10858, 'kojikun': 10859, 'seastar': 10860, 'beefinwhat': 10861, 'pple': 10862, 'whatthe': 10863, 'hea
rdread': 10864, 'modded': 10865, 'saget': 10866, 'reasonmaybe': 10867, 'inning': 10868, 'followingbut': 10869, '
loon': 10870, 'dismissed': 10871, 'guttered': 10872, 'nzntm': 10873, 'hosanna': 10874, 'dammmi': 10875, 'lolllll
l': 10876, 'lupos': 10877, 'entonces': 10878, 'perdonada': 10879, 'porque': 10880, 'sigues': 10881, 'yogulicious
': 10882, 'sally': 10883, 'competitor': 10884, 'consumed': 10885, 'yesterdayill': 10886, 'tomorrowabuse': 10887,
'dominicks': 10888, 'wentworths': 10889, 'withb': 10890, 'alrer': 10891, 'ego': 10892, 'destress': 10893, 'minty
fresh': 10894, 'conversating': 10895, 'bookmark': 10896, 'finalizer': 10897, 'areo': 10898, 'blended': 10899, 'l
umpy': 10900, 'chattering': 10901, 'erock': 10902, 'sushichinese': 10903, 'cheescake': 10904, 'installments': 10
905, 'waaayyyy': 10906, 'byyy': 10907, 'sarcy': 10908, 'zuljin': 10909, 'cockermouth': 10910, 'motorcades': 1091
1, 'clinton': 10912, 'jas': 10913, 'stressorscome': 10914, 'tei': 10915, 'sency': 10916, 'ghina': 10917, 'tonite
happy': 10918, 'prima': 10919, 'byall': 10920, 'bry': 10921, 'theraflu': 10922, 'pillsare': 10923, 'nia': 10924,
'dayton': 10925, 'wiz': 10926, 'confsuing': 10927, 'massachusetts': 10928, 'lager': 10929, 'fritters': 10930, 'f
ooddont': 10931, 'vimeo': 10932, 'uuuuugh': 10933, 'zwarte': 10934, 'maillot': 10935, 'wini': 10936, 'cusack': 1
0937, 'overloaded': 10938, 'shortyur': 10939, 'biatches': 10940, 'weekday': 10941, 'disturbance': 10942, 'sapins
idetrack': 10943, 'palo': 10944, 'alto': 10945, 'debugging': 10946, 'unmuted': 10947, 'kearley': 10948, 'demand'
: 10949, 'sgb': 10950, 'freeuntil': 10951, 'oregan': 10952, 'aussieim': 10953, 'binoculars': 10954, 'grounds': 1
0955, 'toysonly': 10956, 'myhorrible': 10957, 'traumatic': 10958, 'cholla': 10959, 'accidentchollas': 10960, 'tr
ickpieces': 10961, 'emerge': 10962, 'againand': 10963, 'cutback': 10964, 'beertoo': 10965, 'carbsbut': 10966, 'y
ummyyy': 10967, 'clingy': 10968, 'stuffted': 10969, 'apaently': 10970, 'silverstein': 10971, 'fabulously': 10972
, 'volumes': 10973, 'brew': 10974, 'butbutim': 10975, 'showima': 10976, 'yuup': 10977, 'schoolmaybe': 10978, 'si
ckall': 10979, 'laughabuse': 10980, 'wereld': 10981, 'didn': 10982, 'masekela': 10983, 'contern': 10984, 'knowlo
l': 10985, 'dancefloor': 10986, 'cantlol': 10987, 'paddington': 10988, 'shortages': 10989, 'outty': 10990, 'ar':
10991, 'boredhope': 10992, 'levi': 10993, 'wantholla': 10994, 'feliza': 10995, 'servings': 10996, 'northpark': 1
0997, 'malli': 10998, 'provide': 10999, 'murderous': 11000, 'rampages': 11001, 'rockpools': 11002, 'octopi': 110
03, 'shells': 11004, 'pretties': 11005, 'mason': 11006, 'connolly': 11007, 'kirby': 11008, 'luks': 11009, 'ittom
orrow': 11010, 'root': 11011, 'canalugh': 11012, 'paniniii': 11013, 'rocksnothing': 11014, 'amazes': 11015, 'sti
llthis': 11016, 'txtin': 11017, 'aaaahh': 11018, 'imtetsting': 11019, 'functionsnahh': 11020, 'toooooom': 11021,
'pleeease': 11022, 'downed': 11023, 'abuselooks': 11024, 'pokes': 11025, 'shirtabuse': 11026, 'kks': 11027, 'thr
owbie': 11028, 'kodiak': 11029, 'fooled': 11030, 'waaay': 11031, 'cruisey': 11032, 'hammered': 11033, 'crawfish'
: 11034, 'boil': 11035, 'trainr': 11036, 'benefits': 11037, 'pradas': 11038, 'dunks': 11039, 'neemah': 11040, 'v
acashunand': 11041, 'updatei': 11042, 'qualified': 11043, 'landon': 11044, 'announces': 11045, 'yell': 11046, 'h
urtsagain': 11047, 'morningafternoonnight': 11048, 'allstudying': 11049, 'brains': 11050, 'hallooo': 11051, 'bay
ernhallooo': 11052, 'stau': 11053, 'lova': 11054, 'bbff': 11055, 'nownow': 11056, 'melrosecashier': 11057, 'regi
strar': 11058, 'unfun': 11059, 'bittt': 11060, 'managaed': 11061, 'followup': 11062, 'pllleeeaaasse': 11063, 'mu
nched': 11064, 'croquettes': 11065, 'divea': 11066, 'boredddddddd': 11067, 'clarks': 11068, 'eavy': 11069, 'grts
at': 11070, 'bggeting': 11071, 'pleasing': 11072, 'ladyhawke': 11073, 'rutger': 11074, 'hauer': 11075, 'lannen':
11076, 'liquour': 11077, '�ureo': 11078, 'valentines': 11079, 'almond': 11080, 'holydays': 11081, 'postal': 11
082, 'preapplication': 11083, 'pajamasi': 11084, 'dargah': 11085, 'beachyummy': 11086, 'manlovely': 11087, 'luf'
: 11088, 'modest': 11089, 'oyay': 11090, 'belay': 11091, 'tub': 11092, 'soln': 11093, 'acs': 11094, 'munching':
11095, 'anxiously': 11096, 'turkeys': 11097, 'yardi': 11098, 'nowhate': 11099, 'palmdale': 11100, 'gxx': 11101,
'licks': 11102, 'coolidge': 11103, 'mojokins': 11104, 'grates': 11105, 'collide': 11106, 'khayyam': 11107, 'waki
l': 11108, 'announce': 11109, 'fillings': 11110, 'historys': 11111, 'ifs': 11112, 'middlesbrough': 11113, 'ready
setgo': 11114, 'cranky': 11115, 'rhymes': 11116, 'investor': 11117, 'jester': 11118, 'pester': 11119, 'polyester
': 11120, 'sylvester': 11121, 'requester': 11122, 'alexxx': 11123, 'hicks': 11124, 'sympathies': 11125, 'munchin
': 11126, 'empitome': 11127, 'rainlalala': 11128, 'scriptgirl': 11129, 'serenading': 11130, 'judicial': 11131, '
supervision': 11132, 'executive': 11133, 'commonwealth': 11134, 'caribbean': 11135, 'sexxxxxxxy': 11136, 'instit
ute': 11137, 'doctoral': 11138, 'funding': 11139, 'eatpoor': 11140, 'hilly': 11141, 'ermintrude': 11142, 'nabbed
': 11143, 'summervac': 11144, 'spammer': 11145, 'brantley': 11146, 'schoolbooks': 11147, 'hannahisdead': 11148,
'fuckyeah': 11149, 'teratoma': 11150, 'cavity': 11151, 'malepattern': 11152, 'baldness': 11153, 'contradiction':
11154, 'rainsnow': 11155, 'julyish': 11156, 'dgree': 11157, 'ensconced': 11158, 'freeeeeeee': 11159, 'joeman': 1
1160, 'beaches': 11161, 'laterhopefully': 11162, 'ihavent': 11163, 'promotions': 11164, 'finagle': 11165, 'fowar
d': 11166, 'wisely': 11167, 'pigging': 11168, 'crucial': 11169, 'finearts': 11170, 'sanjaya': 11171, 'uggh': 111
72, 'bogus': 11173, 'intent': 11174, 'logs': 11175, 'schooljoy': 11176, 'stones': 11177, 'dencorub': 11178, 'lyn
don': 11179, 'tasmania': 11180, 'subside': 11181, 'seizures': 11182, 'niggling': 11183, 'ahhmy': 11184, 'elena':
11185, 'tomorrowmothers': 11186, 'elp': 11187, 'vinylclad': 11188, 'playset': 11189, 'mfr': 11190, 'slots': 1119
1, 'amish': 11192, 'startill': 11193, 'singtel': 11194, 'tomarrowbecause': 11195, 'foreword': 11196, 'youplease'
: 11197, 'wdw': 11198, 'amfcant': 11199, 'whyyyyy': 11200, 'merm': 11201, 'kindest': 11202, 'enquiries': 11203,
'gifted': 11204, 'foil': 11205, 'allllllllll': 11206, 'weekendhow': 11207, 'thrillingand': 11208, 'goshy': 11209
, 'poland': 11210, 'fairs': 11211, 'dahye': 11212, 'stackeoverflow': 11213, 'diagnosed': 11214, 'ligament': 1121
5, 'iznt': 11216, 'delicate': 11217, 'planing': 11218, 'minuet': 11219, 'garner': 11220, 'fannie': 11221, 'darwi
n': 11222, 'stalin': 11223, 'bearer': 11224, 'phlegmily': 11225, 'eeeeewwwwww': 11226, 'mondaygood': 11227, 'fre
akinggg': 11228, 'lookse': 11229, 'sandals': 11230, 'wearther': 11231, 'threshold': 11232, 'fromhell': 11233, 'a
laskaso': 11234, 'j�': 11235, 'sowoke': 11236, 'workboo': 11237, 'gtfo': 11238, 'pearson': 11239, 'citeh': 112
40, 'yoooouuuu': 11241, 'aspire': 11242, 'supervisor': 11243, 'thundered': 11244, 'reallyreally': 11245, 'filing
': 11246, 'blache': 11247, 'doze': 11248, 'cons': 11249, 'anyy': 11250, 'qantas': 11251, 'flyertalk': 11252, 'oh
okdidnt': 11253, 'hoeish': 11254, 'reimer': 11255, 'songplotting': 11256, 'muahahahaoh': 11257, 'itnot': 11258,
'officeespecially': 11259, 'mwah': 11260, 'ruthie': 11261, 'dion': 11262, 'lunchhhhhhhh': 11263, 'usnlbest': 112
64, 'absoulutley': 11265, 'maltese': 11266, 'frenchfrycorndog': 11267, 'overstressed': 11268, 'topman': 11269, '
workbest': 11270, 'bmovie': 11271, 'citizen': 11272, 'nudged': 11273, 'hump': 11274, 'pumpin': 11275, 'aber': 11
276, 'brussels': 11277, 'sprouts': 11278, 'hauled': 11279, 'cameraphone': 11280, 'maching': 11281, 'rachinea': 1
1282, 'clarkson': 11283, 'cecilia': 11284, 'pickkshaa': 11285, 'milky': 11286, 'ripping': 11287, 'wyou': 11288,
'gracin': 11289, 'weeven': 11290, 'wingood': 11291, 'tassie': 11292, 'kellyshes': 11293, 'bahah': 11294, 'confis
cate': 11295, 'joeys': 11296, 'lizard': 11297, 'flypside': 11298, 'creat': 11299, 'mandingo': 11300, 'jrlol': 11
301, 'awesomelove': 11302, 'gearwhos': 11303, 'favouritegot': 11304, 'vnecks': 11305, 'sixty': 11306, 'luc': 113
07, 'bourdon': 11308, 'springleaf': 11309, 'tower': 11310, 'alicia': 11311, 'procuts': 11312, 'ahahahahahahahaha
': 11313, 'julia': 11314, 'tutto': 11315, 'cuore': 11316, 'josa': 11317, 'mclife': 11318, 'hunter': 11319, 'fras
ier': 11320, 'twelve': 11321, 'ist': 11322, 'lustig': 11323, 'armer': 11324, 'garantiefall': 11325, 'marykay': 1
1326, 'sendai': 11327, 'embouchure': 11328, 'putt': 11329, 'yards': 11330, 'vendor': 11331, 'dunners': 11332, 's
mug': 11333, 'whistleblower': 11334, 'wintour': 11335, 'accountsand': 11336, 'extended': 11337, 'earpiece': 1133
8, 'accidentaly': 11339, 'bikebuswalk': 11340, 'gin': 11341, 'previously': 11342, 'contributed': 11343, 'stimulu
s': 11344, 'replacements': 11345, 'wildomar': 11346, 'towing': 11347, 'connie': 11348, 'previews': 11349, 'justs
ayin': 11350, 'kristine': 11351, 'jakarta': 11352, 'daughtry': 11353, 'flattened': 11354, 'teleconference': 1135
5, 'rdy': 11356, 'byeee': 11357, 'pss': 11358, 'kh': 11359, 'weeaboo': 11360, 'kinokuniya': 11361, 'splurge': 11
362, 'morongo': 11363, 'twittix': 11364, 'favourites': 11365, 'rusks': 11366, 'fennel': 11367, 'camomile': 11368
, 'lung': 11369, 'fuzz': 11370, 'hotdoggross': 11371, 'glre': 11372, 'fou': 11373, 'willgrace': 11374, 'podcasti
ng': 11375, 'bittech': 11376, 'walle': 11377, 'whasup': 11378, 'azz': 11379, 'abuseplans': 11380, 'canceledanoth
er': 11381, 'luxurious': 11382, 'nacklacematching': 11383, 'earring': 11384, 'grannysanother': 11385, 'recovers'
: 11386, 'serco': 11387, 'excitednervous': 11388, 'latonya': 11389, 'thingsi': 11390, 'deeply': 11391, 'sidemyse
lf': 11392, 'piercings': 11393, 'plopped': 11394, 'fandango': 11395, 'xblapsn': 11396, 'plana': 11397, 'breezeho
pe': 11398, 'octo': 11399, 'advise': 11400, 'wellgotta': 11401, 'schoolgawd': 11402, 'multitaskin': 11403, 'nigh
tmornin': 11404, 'pissssssing': 11405, 'doso': 11406, 'elope': 11407, 'mspacers': 11408, 'steadily': 11409, 'jus
tcause': 11410, 'hotspots': 11411, 'shoppin': 11412, 'mcdicks': 11413, 'mush': 11414, 'gamefan': 11415, 'butwent
': 11416, 'adios': 11417, 'mowed': 11418, 'toolbar': 11419, 'suuuuuuuurerub': 11420, 'precaution': 11421, 'vita'
: 11422, 'tomrrow': 11423, 'probby': 11424, 'gentlemen': 11425, 'discussing': 11426, 'willie': 11427, 'zzzzzzzzz
zzzzzz': 11428, 'herhseys': 11429, 'syrup': 11430, 'mussoooooo': 11431, 'twittername': 11432, 'twitterfridge': 1
1433, 'trillin': 11434, 'hobnobbed': 11435, 'beautifuul': 11436, 'cofo': 11437, 'mondayback': 11438, 'buyer': 11
439, 'twitterring': 11440, 'facebooking': 11441, 'myspacing': 11442, 'bullshitting': 11443, 'voucher': 11444, 'p
unkin': 11445, 'newb': 11446, 'outsideim': 11447, 'nonyahoo': 11448, 'acc': 11449, 'boughtout': 11450, 'yahoospa
m': 11451, 'minibar': 11452, 'starups': 11453, 'fakin': 11454, 'kishajust': 11455, 'beaut': 11456, 'razzing': 11
457, 'charli': 11458, 'howz': 11459, 'sacto': 11460, 'thenhows': 11461, 'todaybeing': 11462, 'hopelol': 11463, '
orthadontist': 11464, 'trackall': 11465, 'codes': 11466, 'pierce': 11467, 'ncc': 11468, 'abcd': 11469, 'lhoste':
11470, 'rica': 11471, 'dumbo': 11472, 'eeyeathooo': 11473, 'arthritus': 11474, 'maintanance': 11475, 'commands':
11476, 'pxy': 11477, 'lieabuse': 11478, 'princessi': 11479, 'butineedhelp': 11480, 'multiplayer': 11481, 'thurst
ag': 11482, 'excedrin': 11483, 'associated': 11484, 'shutupandsmile': 11485, 'mangaanime': 11486, 'kerry': 11487
, 'gmtv': 11488, 'creature': 11489, 'wellonly': 11490, 'holidayssad': 11491, 'dilfs': 11492, 'monthhappy': 11493
, 'arrange': 11494, 'maccabees': 11495, 'misanthrope': 11496, 'humanity': 11497, 'shoutz': 11498, 'nervvoouuss':
11499, 'showww': 11500, 'slaving': 11501, 'signature': 11502, 'weekeeend': 11503, 'twittpic': 11504, 'diddy': 11
505, 'jumpstart': 11506, 'wotd': 11507, 'jape': 11508, 'qq': 11509, 'comppetitive': 11510, 'overcompetitive': 11
511, 'tweetstats': 11512, 'gotdamn': 11513, 'voyager': 11514, 'lint': 11515, 'mitglee': 11516, 'wheew': 11517, '
stickersss': 11518, 'blazin': 11519, 'revival': 11520, 'redirect': 11521, 'frequent': 11522, 'yaayy': 11523, 'hm
myou': 11524, 'thaty': 11525, 'slide': 11526, 'crrrrrazy': 11527, 'thoughtsabuse': 11528, 'hubbyeagle': 11529, '
cia': 11530, 'defying': 11531, 'firepit': 11532, 'bootleg': 11533, 'pharos': 11534, 'coukd': 11535, 'flair': 115
36, 'dinasadik': 11537, 'forensic': 11538, 'kya': 11539, 'bas': 11540, 'jaao': 11541, 'microhavin': 11542, 'soon
the': 11543, 'diagnosis': 11544, 'cervical': 11545, 'sosososo': 11546, 'gum': 11547, 'againreally': 11548, 'dow'
: 11549, 'futures': 11550, 'furs': 11551, 'sourish': 11552, 'limbs': 11553, 'preventing': 11554, 'timeeven': 115
55, 'gracious': 11556, 'wrecking': 11557, 'soaking': 11558, 'tisha': 11559, 'cloudsand': 11560, 'abusehand': 115
61, 'localgovcamp': 11562, 'trytomergetwotools': 11563, 'frameworks': 11564, 'lifting': 11565, 'manabuse': 11566
, 'crimson': 11567, 'elton': 11568, 'allowing': 11569, 'willdo': 11570, 'anythig': 11571, 'lof': 11572, 'sonic':
11573, 'alyssas': 11574, 'doomsday': 11575, 'jbum': 11576, 'creations': 11577, 'thorpe': 11578, 'pleaseeeeeeeeee
e': 11579, 'supper': 11580, 'kurumi': 11581, 'dev': 11582, 'peicing': 11583, 'againmiley': 11584, 'chromes': 115
85, 'popup': 11586, 'blocker': 11587, 'thatv': 11588, 'spaniel': 11589, 'problemfree': 11590, 'brawn': 11591, 'm
claren': 11592, 'wellness': 11593, 'smartphone': 11594, 'postexams': 11595, 'examsnow': 11596, 'focusing': 11597
, 'schooldayuumm': 11598, 'swoobs': 11599, 'swass': 11600, 'cyalater': 11601, 'grumbleweather': 11602, 'alonetou
gh': 11603, 'ouuuuuuuuuchhhhhhhh': 11604, 'barca': 11605, 'spanking': 11606, 'seeit': 11607, 'lolthat': 11608, '
lolipop': 11609, 'esploder': 11610, 'twenties': 11611, 'knuckle': 11612, 'duuuude': 11613, 'inr': 11614, 'abusew
elcome': 11615, 'homeabuse': 11616, 'olympics': 11617, 's�o': 11618, 'brasilia': 11619, 'cyborgs': 11620, 'hys
terics': 11621, 'yaas': 11622, 'technologyabuse': 11623, 'guysill': 11624, 'guysthree': 11625, 'froggies': 11626
, 'rounding': 11627, 'bases': 11628, 'relays': 11629, 'unmarried': 11630, 'keane': 11631, 'chicagoand': 11632, '
wellll': 11633, 'wildflowers': 11634, 'capitan': 11635, 'cookiewise': 11636, 'morrow': 11637, 'tarde': 11638, 'c
hegay': 11639, 'lauras': 11640, 'chocr': 11641, 'rounds': 11642, 'gourds': 11643, 'alsoup': 11644, 'earlylolsoo'
: 11645, 'holden': 11646, 'nowpretty': 11647, 'workies': 11648, 'goodbyeeee': 11649, 'inthebattle': 11650, 'arra
ngement': 11651, 'sickand': 11652, 'bubblies': 11653, 'ngobrolin': 11654, 'cii': 11655, 'kesian': 11656, 'kamu':
11657, 'speakernya': 11658, 'rusak': 11659, 'benerin': 11660, 'thisbrandi': 11661, 'togethers': 11662, 'aswered'
: 11663, 'easton': 11664, 'basten': 11665, 'memorys': 11666, 'commin': 11667, 'lumpia': 11668, 'pancit': 11669,
'supposeddd': 11670, 'quid': 11671, 'interests': 11672, 'bobo': 11673, 'bobobyebye': 11674, 'telemarketers': 116
75, 'superglue': 11676, 'alerts': 11677, 'association': 11678, 'afganistan': 11679, 'phenomenon': 11680, 'modera
tors': 11681, 'niandra': 11682, 'revisingg': 11683, 'macvim': 11684, 'oneill': 11685, 'racin': 11686, 'hahahahah
ahhah': 11687, 'shitload': 11688, 'readmitted': 11689, 'threenight': 11690, 'discharge': 11691, 'hardcoremetalco
re': 11692, 'shrunk': 11693, 'cardigan': 11694, 'guybut': 11695, 'myfriends': 11696, 'stitchesi': 11697, 'afgan'
: 11698, 'hollykins': 11699, 'soproudofyou': 11700, 'pampered': 11701, 'pasadena': 11702, 'sergi': 11703, 'vive'
: 11704, 'fulfilling': 11705, 'screamer': 11706, 'todaytryouts': 11707, 'unappealing': 11708, 'backkkk': 11709,
'lvttbt': 11710, 'crest': 11711, 'subliminal': 11712, 'ngayon': 11713, 'nagrerehab': 11714, 'booooored': 11715,
'gratitude': 11716, 'taxman': 11717, 'hongkong': 11718, 'goooooooooooooooooooooooood': 11719, 'reflected': 11720
, 'youhoping': 11721, 'soonim': 11722, 'flor': 11723, 'correspondents': 11724, 'dreamwidth': 11725, 'journaling'
: 11726, 'educating': 11727, 'lifelovestress': 11728, 'terasse': 11729, 'mtl': 11730, 'badsorry': 11731, 'builds
': 11732, 'maxwell': 11733, 'hammock': 11734, 'chased': 11735, 'quesadillas': 11736, 'dinna': 11737, 'hink': 117
38, 'elgin': 11739, 'withn': 11740, 'stayn': 11741, 'monthwowi': 11742, 'pitts': 11743, 'garageband': 11744, 'ab
usehelicopters': 11745, 'penisabuse': 11746, 'bahama': 11747, 'btwo': 11748, 'bymyself': 11749, 'thnk': 11750, '
blipping': 11751, 'charmed': 11752, 'hehee': 11753, 'explained': 11754, 'bwahahahahahahaha': 11755, 'doggy': 117
56, 'abusemoment': 11757, 'silenceabuse': 11758, 'hog': 11759, 'commiseration': 11760, 'gourmet': 11761, 'greasy
': 11762, 'slurpees': 11763, 'diplomat': 11764, 'tylers': 11765, 'exausted': 11766, 'kristie': 11767, 'languishi
ng': 11768, 'api': 11769, 'survivor': 11770, 'refs': 11771, 'yaos': 11772, 'wcf': 11773, 'supplies': 11774, 'mar
zipan': 11775, 'allyson': 11776, 'lnger': 11777, 'mandriva': 11778, 'genre': 11779, 'fann': 11780, 'minish': 117
81, 'ezlo': 11782, 'brokeoh': 11783, 'beardburk': 11784, 'optimistic': 11785, 'romantici': 11786, 'timeand': 117
87, 'youyou': 11788, 'tnite': 11789, 'mortgage': 11790, 'ispoor': 11791, 'cowell': 11792, 'morninq': 11793, 'inb
ound': 11794, 'tunnel': 11795, 'lipz': 11796, 'avatarcamp': 11797, 'pres': 11798, 'gode': 11799, 'ould': 11800,
'decides': 11801, 'ahd': 11802, 'jackmans': 11803, 'butcking': 11804, 'larin': 11805, 'dario': 11806, 'tk': 1180
7, 'inet': 11808, 'smackdown': 11809, 'tatteddddd': 11810, 'luckkyy': 11811, 'causins': 11812, 'addresses': 1181
3, 'artesia': 11814, 'cerritos': 11815, 'quest': 11816, 'flys': 11817, 'veranda': 11818, 'minas': 11819, 'tirith
': 11820, 'tipped': 11821, 'lanham': 11822, 'sadim': 11823, 'biking': 11824, 'iknowww': 11825, 'oneand': 11826,
'thirtyshhhyoure': 11827, 'nowmine': 11828, 'warp': 11829, 'serena': 11830, 'darrian': 11831, 'microeconomics':
11832, 'ilets': 11833, 'aeropuerto': 11834, 'phishing': 11835, 'eeee': 11836, 'abuseenormous': 11837, 'hugabuse'
: 11838, 'crosby': 11839, 'guyz': 11840, 'doinq': 11841, 'eligable': 11842, 'buttermilk': 11843, 'branding': 118
44, 'drea': 11845, 'boubous': 11846, 'crunk': 11847, 'mnet': 11848, 'nanosecond': 11849, 'celtic': 11850, 'bugst
ime': 11851, 'interminable': 11852, 'rowwishing': 11853, 'griffins': 11854, 'spades': 11855, 'careless': 11856,
'hedge': 11857, 'sos': 11858, 'accompanied': 11859, 'gliss': 11860, 'brandi': 11861, 'gigwise': 11862, 'string':
11863, 'doppppe': 11864, 'moshie': 11865, 'moshhhh': 11866, 'misadventures': 11867, 'roundabouts': 11868, 'proxi
mately': 11869, 'eviction': 11870, 'internetz': 11871, 'reaaaally': 11872, 'greshamblake': 11873, 'loveyou': 118
74, 'inkheart': 11875, 'yardsale': 11876, 'wembley': 11877, 'alwas': 11878, 'foreigners': 11879, 'starla': 11880
, 'inspiron': 11881, 'hdd': 11882, 'ooops': 11883, 'frak': 11884, 'aaaaaaaahhhhhhhh': 11885, 'widgets': 11886, '
frustrationi': 11887, 'wp': 11888, 'updatesthey': 11889, 'timesback': 11890, 'booted': 11891, 'preep': 11892, 'l
uigis': 11893, 'charliei': 11894, 'ladiez': 11895, 'cz': 11896, 'yultron': 11897, 'tongits': 11898, 'hackday': 1
1899, 'openhacklondon': 11900, 'heygot': 11901, 'cannae': 11902, 'nae': 11903, 'livi': 11904, 'baad': 11905, 'si
ttting': 11906, 'quasisequel': 11907, 'ady': 11908, 'curvey': 11909, 'priests': 11910, 'thirds': 11911, 'eclipse
then': 11912, 'ls': 11913, 'aaauuuggghhh': 11914, 'multitask': 11915, 'tanks': 11916, 'spawning': 11917, 'squids
who': 11918, 'hafta': 11919, 'alrightim': 11920, 'flores': 11921, 'blackberrymessenger': 11922, 'doet': 11923, '
suwweeeeet': 11924, 'fondont': 11925, 'howeva': 11926, 'gaffigan': 11927, 'lovei': 11928, 'stake': 11929, 'monte
': 11930, 'cristo': 11931, 'routines': 11932, 'darfur': 11933, 'earthquake': 11934, 'submarine': 11935, 'fiber':
11936, 'optics': 11937, 'wired': 11938, 'renewal': 11939, 'reject': 11940, 'oversleeping': 11941, 'gracie': 1194
2, 'pounced': 11943, 'thoughbbqs': 11944, 'thoughfeeling': 11945, 'csla': 11946, 'huwwts': 11947, 'regionals': 1
1948, 'joelted': 11949, 'abuseuhabuse': 11950, 'gentoo': 11951, 'reinstallation': 11952, 'makeconf': 11953, 'god
erich': 11954, 'staceys': 11955, 'saaaaaaid': 11956, 'pinkberry': 11957, 'boystown': 11958, 'eastwood': 11959, '
motorbikes': 11960, 'cuteness': 11961, 'empress': 11962, 'agoive': 11963, 'gangsterrr': 11964, 'howard': 11965,
'lorraines': 11966, 'tricks': 11967, 'meor': 11968, 'apperently': 11969, 'picat': 11970, 'sweeeeet': 11971, 'min
utos': 11972, 'splitup': 11973, 'kindaguy': 11974, 'slutted': 11975, 'jealz': 11976, 'naplan': 11977, 'goldmine'
: 11978, 'cancuks': 11979, 'rothlisberger': 11980, 'abusebookmarkabuse': 11981, 'padawan': 11982, 'provoking': 1
1983, 'mjname': 11984, 'lmfaoo': 11985, 'graveyard': 11986, 'atltweet': 11987, 'abusethumbs': 11988, 'lopatcong'
: 11989, 'damnation': 11990, 'thatburger': 11991, 'subwayyum': 11992, 'cfs': 11993, 'dvbs': 11994, 'fa': 11995,
'concretize': 11996, 'marg': 11997, 'tonites': 11998, 'airsoft': 11999, 'marrrrrrrrrry': 12000, 'todayits': 1200
1, 'ecpm': 12002, 'gryffindor': 12003, 'hahhh': 12004, 'cliiimb': 12005, 'mt': 12006, 'bellion': 12007, 'spiced'
: 12008, 'yummmmmyyyy': 12009, 'herbs': 12010, 'yummyi': 12011, 'smal': 12012, 'pleess': 12013, 'hahaaaha': 1201
4, 'samson': 12015, 'delilah': 12016, 'forbid': 12017, 'spamspamspam': 12018, 'keiths': 12019, 'lest': 12020, 'v
ital': 12021, 'janey': 12022, 'ableton': 12023, 'sunrash': 12024, 'minday': 12025, 'letterswhat': 12026, 'writeo
h': 12027, 'freindshirley': 12028, 'proofing': 12029, 'orals': 12030, 'ife': 12031, 'prioritizing': 12032, 'hurd
les': 12033, 'ironpoodonia': 12034, 'raininy': 12035, 'hwgonna': 12036, 'labs': 12037, 'enzo': 12038, 'usd': 120
39, 'losses': 12040, 'comanche': 12041, 'romo': 12042, 'pilots': 12043, 'muses': 12044, 'tonightmaybe': 12045, '
nycbut': 12046, 'cayman': 12047, 'islands': 12048, 'pushit': 12049, 'evn': 12050, 'sicknot': 12051, 'ricky': 120
52, 'stunkno': 12053, 'profiel': 12054, 'viewed': 12055, 'jole': 12056, 'erwin': 12057, 'blom': 12058, 'selfchan
ge': 12059, 'perfume': 12060, 'nowhmm': 12061, 'tarot': 12062, 'dhs': 12063, 'bsod': 12064, 'univ': 12065, 'tsss
': 12066, 'hectiv': 12067, 'goof': 12068, 'bigi': 12069, 'earnest': 12070, 'argggggg': 12071, 'yeg': 12072, 'edm
onton': 12073, 'hammockno': 12074, 'vidoe': 12075, 'vas': 12076, 'commodity': 12077, 'crosscloud': 12078, 'anste
e': 12079, 'monumental': 12080, 'evaluating': 12081, 'peopledont': 12082, 'droppedcome': 12083, 'collage': 12084
, 'feminism': 12085, 'supermodel': 12086, 'drumming': 12087, 'ddd': 12088, 'castle': 12089, 'rainhumidity': 1209
0, 'hbd': 12091, 'marrying': 12092, 'lovable': 12093, 'justwatched': 12094, 'everi': 12095, 'touches': 12096, 'g
rillz': 12097, 'plaque': 12098, 'okie': 12099, 'calms': 12100, 'sailed': 12101, 'ccos': 12102, 'ohay': 12103, 'f
s': 12104, 'twitterbugs': 12105, 'norfolk': 12106, 'skankinwhat': 12107, 'talinda': 12108, 'enjoywish': 12109, '
springfield': 12110, 'todayhowever': 12111, 'cheeky': 12112, 'rsssunday': 12113, 'goodhe': 12114, 'colleagueswou
ld': 12115, 'whahahah': 12116, 'goods': 12117, 'drooping': 12118, 'react': 12119, 'poise': 12120, 'toooooo': 121
21, 'wooven': 12122, 'woantitip': 12123, 'woven': 12124, 'backorder': 12125, 'nowyour': 12126, 'careys': 12127,
'beover': 12128, 'doubleclick': 12129, 'packill': 12130, 'preseason': 12131, 'drawls': 12132, 'dreps': 12133, 't
alkthe': 12134, 'endorsed': 12135, 'twindexxcom': 12136, 'massagedk': 12137, 'pulish': 12138, 'finito': 12139, '
blurryness': 12140, 'rosieabuse': 12141, 'yooo': 12142, 'competitionhope': 12143, 'delightful': 12144, 'desribe'
: 12145, 'nightneed': 12146, 'goslings': 12147, 'myers': 12148, 'automobiles': 12149, 'juan': 12150, 'pelota': 1
2151, 'wayyyyyy': 12152, 'preggo': 12153, 'trolley': 12154, 'mckinney': 12155, 'actially': 12156, 'derekbellcom'
: 12157, 'trinity': 12158, 'agessss': 12159, 'sesh': 12160, 'kawawas': 12161, 'abusive': 12162, 'racoon': 12163,
'urlmincnmt': 12164, 'pinocchios': 12165, 'okot': 12166, 'laineygossip': 12167, 'taylena': 12168, 'heartbreaks':
12169, 'sorryyyyyy': 12170, 'agustin': 12171, 'banjo': 12172, 'tooie': 12173, 'sundress': 12174, 'component': 12
175, 'cables': 12176, 'overslept': 12177, 'stunned': 12178, 'dishwasher': 12179, 'buckling': 12180, 'inanity': 1
2181, 'doggymy': 12182, 'hammymy': 12183, 'fishes': 12184, 'squeeze': 12185, 'boognish': 12186, 'clemmie': 12187
, 'ahhahahaha': 12188, 'ariyan': 12189, 'hamish': 12190, 'bsd': 12191, 'longing': 12192, 'brrr': 12193, 'influx'
: 12194, 'restricted': 12195, 'priviledges': 12196, 'plantin': 12197, 'soil': 12198, 'tiny�s': 12199, 'grin':
12200, 'topify': 12201, 'recieving': 12202, 'vaccines': 12203, 'exists': 12204, 'restriction': 12205, 'aaaaandno
thin': 12206, 'newlyweds': 12207, 'drift': 12208, 'palisades': 12209, 'trudged': 12210, 'anathem': 12211, 'hello
oooooo': 12212, 'nate': 12213, 'pei': 12214, 'wei': 12215, 'biggiehe': 12216, 'blasti': 12217, 'empanadas': 1221
8, 'mtb': 12219, 'noooooooooooooooooo': 12220, 'engadget': 12221, 'diggg': 12222, 'siento': 12223, 'hooome': 122
24, 'movieloved': 12225, 'faves': 12226, 'hahaooh': 12227, 'ouchi': 12228, 'raspberrylaced': 12229, 'photoblog':
12230, 'communicate': 12231, 'hyperbirdies': 12232, 'terrorizing': 12233, 'watchpoor': 12234, 'kalies': 12235, '
creeping': 12236, 'backing': 12237, 'brusters': 12238, 'refrigerator': 12239, 'barbs': 12240, 'dsl': 12241, 'con
necting': 12242, 'uphave': 12243, 'followerswonderful': 12244, 'darkest': 12245, 'boofy': 12246, 'bitim': 12247,
'extensions': 12248, 'abusefkcabuse': 12249, 'tauren': 12250, 'shaman': 12251, 'icewater': 12252, 'ogberry': 122
53, 'honestypain': 12254, 'sunehre': 12255, 'retract': 12256, 'thennnnnnnn': 12257, 'rumbo': 12258, 'bachilleres
': 12259, 'mysterio': 12260, 'dfb': 12261, 'werder': 12262, 'luckyand': 12263, 'shabu': 12264, 'comforting': 122
65, 'efteling': 12266, 'anwb': 12267, 'lays': 12268, 'backaches': 12269, 'daze': 12270, 'stereosound': 12271, 'u
nderpaid': 12272, 'couldbut': 12273, 'gladsad': 12274, 'badoptus': 12275, 'snot': 12276, 'finsh': 12277, 'allowd
': 12278, 'coldplaying': 12279, 'catchfire': 12280, 'plumbers': 12281, 'calgon': 12282, 'roadsthe': 12283, 'shin
ingnew': 12284, 'haileys': 12285, 'preoccupied': 12286, 'tones': 12287, 'dealz': 12288, 'lautnerdaily': 12289, '
poooooooor': 12290, 'sheeeep': 12291, 'chickadee': 12292, 'mcsupergirl': 12293, 'hickups': 12294, 'eather': 1229
5, 'abusewabble': 12296, 'wabbleabuse': 12297, 'thorw': 12298, 'wondefl': 12299, 'michaelblessings': 12300, 'den
is': 12301, 'uds': 12302, 'buisnesses': 12303, 'lender': 12304, 'morcom': 12305, 'haylee': 12306, 'milkshakeshak
eshakeshake': 12307, 'creator': 12308, 'phobias': 12309, 'cunning': 12310, 'talkedabout': 12311, 'cyderrrrrrrrr'
: 12312, 'fatfingered': 12313, 'atmbeen': 12314, 'hru': 12315, 'grrrri': 12316, 'livesi': 12317, 'keren': 12318,
'pretwitter': 12319, 'formal': 12320, 'tentside': 12321, 'sessionmosh': 12322, 'edgefesssssst': 12323, 'meanstil
l': 12324, 'willblok': 12325, 'aussies': 12326, 'reaons': 12327, 'itmatt': 12328, 'khaki': 12329, 'sonicswhich':
12330, 'bred': 12331, 'oic': 12332, 'thenthanks': 12333, 'dreamweaver': 12334, 'lmaaaooooo': 12335, 'ppls': 1233
6, 'underground': 12337, 'mildura': 12338, 'mhhhwhatever': 12339, 'steakhouse': 12340, 'nerdiest': 12341, 'chili
s': 12342, 'beignet': 12343, 'bexi': 12344, 'celebrates': 12345, 'anyhooohappy': 12346, 'mumzys': 12347, 'breako
ut': 12348, 'bethhh': 12349, 'carpenters': 12350, 'numbertopical': 12351, 'ohim': 12352, 'raphael': 12353, 'saad
iq': 12354, 'frosted': 12355, 'wheats': 12356, 'woooooooooo': 12357, 'arrggh': 12358, 'settleneed': 12359, 'kava
': 12360, 'attach': 12361, 'mammals': 12362, 'mammary': 12363, 'trueee': 12364, 'damjust': 12365, 'islip': 12366
, 'killme': 12367, 'anekie': 12368, 'mua': 12369, 'tracie': 12370, 'weaver': 12371, 'kap': 12372, 'hooorah': 123
73, 'anychance': 12374, 'cripple': 12375, 'twizzler': 12376, 'spyed': 12377, 'listented': 12378, 'zuccini': 1237
9, 'sexify': 12380, 'bribe': 12381, 'toggling': 12382, 'ganesh': 12383, 'jaju': 12384, 'belgrade': 12385, 'borat
': 12386, 'soready': 12387, 'tonightfox': 12388, 'caww': 12389, 'newsboys': 12390, 'luckyyy': 12391, 'capture':
12392, 'grrrrrrrrrrrrrrr': 12393, 'reasoning': 12394, 'tutor': 12395, 'alternatively': 12396, 'whit': 12397, 'tr
ojancongrats': 12398, 'palominos': 12399, 'miri': 12400, 'rugrats': 12401, 'anndd': 12402, 'yesthere': 12403, 'a
buseshudderabuse': 12404, 'findings': 12405, 'elance': 12406, 'hime': 12407, 'njoying': 12408, 'joomla': 12409,
'sinned': 12410, 'inlaw': 12411, 'dnb': 12412, 'partyyy': 12413, 'indexed': 12414, 'unload': 12415, 'evenin': 12
416, 'nicer': 12417, 'norf': 12418, 'paperbound': 12419, 'zit': 12420, 'herpes': 12421, 'repops': 12422, 'brokun
': 12423, 'humuns': 12424, 'maybee': 12425, 'agin': 12426, 'wun': 12427, 'gtgs': 12428, 'withinso': 12429, 'indi
vidually': 12430, 'loafing': 12431, 'stiff': 12432, 'aundy': 12433, 'yinz': 12434, 'mssql': 12435, 'connects': 1
2436, 'pageprom': 12437, 'evili': 12438, 'sillyness': 12439, 'goodnite': 12440, 'ibood': 12441, 'moho': 12442, '
backline': 12443, 'xbl': 12444, 'giver': 12445, 'rewards': 12446, 'givers': 12447, 'dowe': 12448, 'woof': 12449,
'hhhhhhaaaaaaaaaaaaa': 12450, 'tearsits': 12451, 'po': 12452, 'bais': 12453, 'teasing': 12454, 'decrease': 12455
, 'yaa': 12456, 'shunt': 12457, 'persauded': 12458, 'licked': 12459, 'inconsiderate': 12460, 'rapp': 12461, 'yay
yyyyyy': 12462, 'nowto': 12463, 'flattie': 12464, 'reagan': 12465, 'tjefferson': 12466, 'troosevelt': 12467, 'su
bconscience': 12468, 'outits': 12469, 'haul': 12470, 'wagners': 12471, 'summerjust': 12472, 'ravenclaw': 12473,
'mykas': 12474, 'begged': 12475, 'caruso': 12476, 'murdered': 12477, 'wellthat': 12478, '�tear�': 12479, 'om
gg': 12480, 'onethose': 12481, 'outstanding': 12482, 'malibu': 12483, 'jacketsuncomfortablenot': 12484, 'gio': 1
2485, 'yujm': 12486, 'pinkapple': 12487, 'bins': 12488, 'twitfriends': 12489, 'tpt': 12490, 'shortest': 12491, '
fcb': 12492, 'tunapuna': 12493, 'tellers': 12494, 'temme': 12495, 'firangs': 12496, 'pyr': 12497, 'doorknobs': 1
2498, 'crushing': 12499, 'jaws': 12500, 'studiomade': 12501, 'ssssssssssmack': 12502, 'ww': 12503, 'dresss': 125
04, 'daysoff': 12505, 'offugh': 12506, 'brlliant': 12507, 'basaravalkyria': 12508, 'chroniclesrequiemforthephant
omedenoftheeast': 12509, 'camper': 12510, 'humm': 12511, 'broc': 12512, 'insecticidal': 12513, 'pests': 12514, '
raly': 12515, 'tak': 12516, 'umhow': 12517, 'wathing': 12518, 'taquito': 12519, 'choregoraphy': 12520, 'pantsnot
': 12521, 'singz': 12522, 'girrrlfriendim': 12523, 'leavinim': 12524, 'holby': 12525, 'nadine': 12526, 'lewingto
n': 12527, 'clifford': 12528, 'dere': 12529, 'greenlake': 12530, 'invalid': 12531, 'waaaaayyyyy': 12532, 'fickle
ness': 12533, 'paradice': 12534, 'dove': 12535, 'eliminating': 12536, 'bludgers': 12537, 'beaters': 12538, 'tack
ling': 12539, 'quidditch': 12540, 'uniteddogscom': 12541, 'poppy': 12542, 'improperly': 12543, 'flame': 12544, '
heckitty': 12545, 'abusexoxoabuse': 12546, 'correctiona': 12547, 'mobiles': 12548, 'advantages': 12549, 'lux': 1
2550, 'aerosmith': 12551, 'everr': 12552, 'differences': 12553, 'pineforest': 12554, 'ooow': 12555, 'kidz': 1255
6, 'meaningful': 12557, 'doesi': 12558, 'pusher': 12559, 'clashes': 12560, 'uswitchnet': 12561, 'bayliss': 12562
, 'scotter': 12563, 'cochran': 12564, 'serie': 12565, 'tulane': 12566, 'ghostwhisperer': 12567, 'hasa': 12568, '
casserole': 12569, 'sardines': 12570, 'onpeak': 12571, 'downloads': 12572, 'firstbut': 12573, 'migrates': 12574,
'vsp': 12575, 'config': 12576, 'xxxxxx': 12577, 'carparks': 12578, 'avocado': 12579, 'hayfevery': 12580, 'suffer
in': 12581, 'superstition': 12582, 'panasonic': 12583, 'chargersorry': 12584, 'alrightyou': 12585, 'sperm': 1258
6, 'clone': 12587, 'thomson': 12588, 'nocturnal': 12589, 'serendipity': 12590, 'kashmir': 12591, 'shane': 12592,
'dawson': 12593, 'pixabt': 12594, 'ubut': 12595, 'basics': 12596, 'analysis': 12597, 'britta': 12598, 'pitwas':
12599, 'leafs': 12600, 'glade': 12601, 'debian': 12602, 'euphamism': 12603, 'fightdid': 12604, 'rally': 12605, '
thaw': 12606, 'hangers': 12607, 'nationals': 12608, 'diwali': 12609, 'saddi': 12610, 'dilli': 12611, 'smores': 1
2612, 'jacuzzi': 12613, 'yesmet': 12614, 'questionning': 12615, 'outright': 12616, 'deny': 12617, 'accusations':
12618, 'zippys': 12619, 'candace': 12620, 'youngest': 12621, 'gss': 12622, 'hxc': 12623, 'chanel': 12624, 'pedde
r': 12625, 'ferragamo': 12626, 'downturn': 12627, 'hennings': 12628, 'gwt': 12629, 'dogas': 12630, 'offtopic': 1
2631, 'inappropriate': 12632, 'germination': 12633, 'torts': 12634, 'smokefree': 12635, 'friendlyand': 12636, 'd
elicacies': 12637, 'situational': 12638, 'furby': 12639, 'cert': 12640, 'handful': 12641, 'unny': 12642, 'wna':
12643, 'meya': 12644, 'keemie': 12645, 'countdown': 12646, 'splendid': 12647, 'weeping': 12648, 'chewy': 12649,
'erocka': 12650, 'ruler': 12651, 'basshunter': 12652, 'metroplex': 12653, 'supervillians': 12654, 'warfield': 12
655, 'thanksthere': 12656, 'goodknight': 12657, 'blockhead': 12658, 'citibank': 12659, 'grannys': 12660, 'stress
free': 12661, 'booksold': 12662, 'livlyf': 12663, 'spay': 12664, 'motto': 12665, 'bitch': 12666, 'supposeand': 1
2667, 'freude': 12668, 'texy': 12669, 'collister': 12670, 'trackballs': 12671, 'retailer': 12672, 'oar': 12673,
'bedbut': 12674, 'stressing': 12675, 'keepin': 12676, 'missinmydgbigtyme': 12677, 'persistent': 12678, 'coughs':
12679, 'workman': 12680, 'graduationthey': 12681, 'electronic': 12682, 'keyhole': 12683, 'uneventful': 12684, 'c
osmo': 12685, 'kamikaze': 12686, 'carbs': 12687, 'jdubb': 12688, 'jobi': 12689, 'cole': 12690, 'stacking': 12691
, 'tweetsjust': 12692, 'beshia': 12693, 'awwwwww': 12694, 'abbreviate': 12695, 'ytony': 12696, 'bookcalled': 126
97, 'influence': 12698, 'homei�m': 12699, 'tiredhad': 12700, 'goits': 12701, 'recogns': 12702, 'silencedoesnt'
: 12703, 'cheerful': 12704, 'yoube': 12705, 'bounds': 12706, 'combat': 12707, 'oi': 12708, 'todaysad': 12709, 'c
ompliments': 12710, 'lovesnkotb': 12711, 'yupas': 12712, 'alwayswonder': 12713, 'earthgetting': 12714, 'suhweet'
: 12715, 'migrate': 12716, 'julias': 12717, 'supastition': 12718, 'tkd': 12719, 'instructor': 12720, 'stunningly
': 12721, 'thread': 12722, 'lostthegame': 12723, 'officedesperately': 12724, 'bromeliad': 12725, 'majors': 12726
, 'rejoice': 12727, 'warmth': 12728, 'depth': 12729, 'solve': 12730, 'eewwwww': 12731, 'pointless': 12732, 'nan'
: 12733, 'bradies': 12734, 'varieties': 12735, 'weekwork': 12736, 'morningot': 12737, 'sadthen': 12738, 'whateve
rworks': 12739, 'fireflythats': 12740, 'fillion': 12741, 'kimmy': 12742, 'jittery': 12743, 'afc': 12744, 'atx':
12745, 'recouperating': 12746, 'treatments': 12747, 'tubs': 12748, 'vmail': 12749, 'protools': 12750, 'persia':
12751, 'rem': 12752, 'gooooooooood': 12753, 'tempe': 12754, 'marketplace': 12755, 'compliance': 12756, 'umpirein
g': 12757, 'trainging': 12758, 'mhs': 12759, 'screamm': 12760, 'participated': 12761, 'matanggap': 12762, 'drums
ticks': 12763, 'hamburg': 12764, 'detlev': 12765, 'fischer': 12766, 'accessibility': 12767, 'bitv': 12768, 'd�
sseldorf': 12769, 'mints': 12770, 'transatlantic': 12771, 'reskinned': 12772, 'tweetsuite': 12773, 'nicci': 1277
4, 'h�ltermand': 12775, 'kaare': 12776, 'iâ´ve': 12777, 'masthanks': 12778, 'daysbut': 12779, 'happyemox': 127
80, 'schoollol': 12781, 'clown': 12782, 'solange': 12783, 'dedicating': 12784, 'parental': 12785, 'amazinq': 127
86, 'qirlsniqhtout': 12787, 'quess': 12788, 'qreat': 12789, 'disspointed': 12790, 'lifehackers': 12791, 'wombat'
: 12792, 'tamara': 12793, 'reservesi': 12794, 'sinks': 12795, 'toilets': 12796, 'spattered': 12797, 'cheeto': 12
798, 'theyr': 12799, 'cld': 12800, 'responded': 12801, 'rawknrollnet': 12802, 'vivid': 12803, 'rawk': 12804, 'wi
kid': 12805, 'myne': 12806, 'ned': 12807, 'dudde': 12808, 'allllllllright': 12809, 'exposed': 12810, 'baaaby': 1
2811, 'waaaah': 12812, 'jodie': 12813, 'chandelier': 12814, 'steps': 12815, 'abusebonusabuse': 12816, 'recoup':
12817, 'investment': 12818, 'unprepared': 12819, 'othaa': 12820, 'gurrrrrl': 12821, 'brotherskristi': 12822, 'ab
usebuildabuse': 12823, 'lawnmower': 12824, 'swampedso': 12825, 'twitteri': 12826, 'knowbut': 12827, 'populated':
12828, 'sastch': 12829, 'cellstorms': 12830, 'jayel': 12831, 'maricar': 12832, 'squeegee': 12833, 'noggin': 1283
4, 'storyteller': 12835, 'dos': 12836, 'aarrgghh': 12837, 'fuabuseka': 12838, 'hose': 12839, 'floating': 12840,
'eddplant': 12841, 'ariella': 12842, 'gonzalez': 12843, 'yearling': 12844, 'emmett': 12845, 'wellur': 12846, 'kr
itt': 12847, 'einstein': 12848, 'hving': 12849, 'cystic': 12850, 'lacrimal': 12851, 'infectection': 12852, 'vesp
a': 12853, 'subbed': 12854, 'pikanichi': 12855, 'heeeee': 12856, 'nicley': 12857, 'incestuous': 12858, 'chavs':
12859, 'elsewhere': 12860, 'ladie': 12861, 'lenses': 12862, 'bordatella': 12863, 'gettt': 12864, 'assing': 12865
, 'biznesssss': 12866, 'whaatttaatttt': 12867, 'sierra': 12868, 'aparantly': 12869, 'ihop': 12870, 'bestiesminus
': 12871, 'concerns': 12872, 'roxy': 12873, 'palmade': 12874, 'scarf': 12875, 'fanatic': 12876, 'islet': 12877,
'cooraperates': 12878, 'gooooodnight': 12879, 'igbaras': 12880, 'rideyes': 12881, 'melika': 12882, 'busier': 128
83, 'incomplete': 12884, 'errg': 12885, 'duuuum': 12886, 'margrete': 12887, 'burping': 12888, 'russ': 12889, 'io
noi': 12890, 'asos': 12891, 'mccafetastes': 12892, 'mcskillet': 12893, 'churros': 12894, 'psh': 12895, 'openhous
es': 12896, 'himokok': 12897, 'wahoo': 12898, 'glassez': 12899, 'nownobody': 12900, 'friendyou': 12901, 'gbw': 1
2902, 'alexanders': 12903, 'collared': 12904, 'hitched': 12905, 'closin': 12906, 'touche': 12907, 'wrestlers': 1
2908, 'tna': 12909, 'clowns': 12910, 'ikeas': 12911, 'elsens': 12912, 'paranoif': 12913, 'rubiks': 12914, 'chew'
: 12915, 'aerobics': 12916, 'wahamerican': 12917, 'chweet': 12918, 'muaxxx': 12919, 'awwwwwwww': 12920, 'dried':
12921, 'nemecek': 12922, 'keed': 12923, 'musicnews': 12924, 'bothers': 12925, 'metabolism': 12926, 'congratses':
12927, 'tew': 12928, 'shantz': 12929, 'shantell': 12930, 'outro': 12931, 'whoshere': 12932, 'atg': 12933, 'opena
buseshuts': 12934, 'mute': 12935, 'gfriend': 12936, 'trackk': 12937, 'mebc': 12938, 'songpeter': 12939, 'zenrela
ted': 12940, 'iabusem': 12941, 'bithday': 12942, 'pierre': 12943, 'thnkn': 12944, 'yesterdaybest': 12945, 'virtu
s': 12946, 'treviso': 12947, 'futurshowhard': 12948, 'gamegotta': 12949, 'forza': 12950, 'ragazzi': 12951, 'nail
polish': 12952, 'fluffodile': 12953, 'teg': 12954, 'tess': 12955, 'frey': 12956, 'dohforgot': 12957, 'teevee': 1
2958, 'beatrice': 12959, 'windowabuse': 12960, 'luciano': 12961, 'tremendous': 12962, 'winterboard': 12963, 'par
cel': 12964, 'schoolwhatever': 12965, 'candis': 12966, 'ayoko': 12967, 'tagalog': 12968, 'depechemode': 12969, '
alternative': 12970, 'gahan': 12971, 'morningmidday': 12972, 'khc': 12973, 'baggin': 12974, 'hou': 12975, 'retir
ed': 12976, 'averted': 12977, 'warwoundsc': 12978, 'coors': 12979, 'caddy': 12980, 'girlonly': 12981, 'cutted':
12982, 'laaame': 12983, 'missrachel': 12984, 'cominglife': 12985, 'alenka': 12986, 'chicky': 12987, 'awwh': 1298
8, 'oli': 12989, 'legends': 12990, 'mooorning': 12991, 'abusesparkly': 12992, 'disorganized': 12993, 'whoott': 1
2994, 'cheery': 12995, 'boredmiss': 12996, 'teacherim': 12997, 'surfs': 12998, 'kelvin': 12999, 'craziier': 1300
0, 'selfportrait': 13001, 'kayyy': 13002, 'blimey': 13003, 'aaaawww': 13004, 'beverage': 13005, 'wellity': 13006
, 'sensibility': 13007, 'blames': 13008, 'rahal': 13009, 'undeveloped': 13010, 'noones': 13011, 'aobut': 13012,
'aimiloveshawniedur': 13013, 'rumored': 13014, 'magreally': 13015, 'reggae': 13016, 'smoothness': 13017, 'yeahth
ose': 13018, 'yeahmy': 13019, 'coffeemmmmmcoffee': 13020, 'faq': 13021, 'bushidokan': 13022, 'karate': 13023, 's
omeplace': 13024, 'rachmaninoff': 13025, 'horseforth': 13026, 'hiwanna': 13027, 'recognizes': 13028, 'beblessed'
: 13029, 'blackets': 13030, 'abuseyawnabuse': 13031, 'imaging': 13032, 'contacted': 13033, 'decisionsbottle': 13
034, 'lolzor': 13035, 'comb': 13036, 'menno': 13037, 'stain': 13038, 'genevaaa': 13039, 'mx': 13040, 'proflowers
': 13041, 'fiasco': 13042, 'pavement': 13043, 'resurrect': 13044, 'mariners': 13045, 'fridaystudying': 13046, 'h
awain': 13047, 'kittens': 13048, 'bigchubba': 13049, 'winston': 13050, 'clueless': 13051, 'notch': 13052, 'rewar
ding': 13053, 'terrace': 13054, 'prospectus': 13055, 'tbones': 13056, 'distinct': 13057, 'gosshhh': 13058, 'poem
': 13059, 'subscriber': 13060, 'emotions': 13061, 'ello': 13062, 'caddyyes': 13063, 'gahaha': 13064, 'printingsh
ipping': 13065, 'tattoed': 13066, 'preferably': 13067, 'strutfluffy': 13068, 'filesystem': 13069, 'operability':
13070, 'benihana': 13071, 'waikiki': 13072, 'thoughyes': 13073, 'ribbons': 13074, 'willhoit': 13075, 'bookbag':
13076, 'againi': 13077, 'tweetshrinking': 13078, 'tweed': 13079, 'cursed': 13080, 'stomatch': 13081, 'whoaa': 13
082, 'msgomez': 13083, 'collab': 13084, 'alynn': 13085, 'wella': 13086, 'charter': 13087, 'crop': 13088, 'abusei
ve': 13089, 'battlegrounds': 13090, 'battleground': 13091, 'tpc': 13092, 'cov': 13093, 'charbotgreen': 13094, 'a
voiding': 13095, 'goodies': 13096, 'smite': 13097, 'cuties': 13098, 'aquino': 13099, 'aku': 13100, 'kbangun': 13
101, 'mimpi': 13102, 'anthropomorphic': 13103, 'planter': 13104, 'domsai': 13105, 'matteo': 13106, 'cibic': 1310
7, 'peoplenew': 13108, 'surrey': 13109, 'nippy': 13110, 'succumb': 13111, 'mentality': 13112, 'uninhabital': 131
13, 'swept': 13114, 'mopped': 13115, 'preachery': 13116, 'leandro': 13117, 'spicey': 13118, 'cardinal': 13119, '
nin': 13120, 'threatens': 13121, 'wonderingi': 13122, 'albumlucky': 13123, 'vinyl': 13124, 'weekendparis': 13125
, 'worldnow': 13126, 'meadowbank': 13127, 'moldovan': 13128, 'ryann': 13129, 'lag': 13130, 'fledged': 13131, 'nv
': 13132, 'dayum': 13133, 'dreadfully': 13134, 'biggs': 13135, 'twitterim': 13136, 'specilist': 13137, 'ectopic'
: 13138, 'uritors': 13139, 'gavin': 13140, 'tumbleweed': 13141, 'crackerack': 13142, 'geniusand': 13143, 'powera
nd': 13144, 'sheer': 13145, 'wordart': 13146, 'booster': 13147, 'woork': 13148, 'aid': 13149, 'wowzers': 13150,
'twp': 13151, 'briefing': 13152, 'closedfaz': 13153, 'weekendlove': 13154, 'calanques': 13155, 'changi': 13156,
'penang': 13157, 'pismo': 13158, 'powershot': 13159, 'lonelydh': 13160, 'pratical': 13161, 'becos': 13162, 'skol
a': 13163, 'impt': 13164, 'whittled': 13165, 'planyea': 13166, 'bccg': 13167, 'hospitol': 13168, 'tourny': 13169
, 'reripped': 13170, 'desperation': 13171, 'jerryyummmmy': 13172, 'youuuchuuub': 13173, 'twistory': 13174, 'yari
s': 13175, 'bmfing': 13176, 'spesh': 13177, 'debt': 13178, 'aaargh': 13179, 'fusterated': 13180, 'demis': 13181,
'nomintated': 13182, 'hurtsreally': 13183, 'cramping': 13184, 'headaaaaaaaaaaaache': 13185, 'jstuart': 13186, 'l
icence': 13187, 'constructivist': 13188, 'nugent': 13189, 'miffed': 13190, 'creased': 13191, 'nikes': 13192, 'ci
nnamin': 13193, 'mackillop': 13194, 'wildwood': 13195, 'tesla': 13196, 'probable': 13197, 'forsaken': 13198, 'ef
': 13199, 'jummy': 13200, 'wbae': 13201, 'myka': 13202, 'naisee': 13203, 'flares': 13204, 'arond': 13205, 'xxxxx
': 13206, 'appology': 13207, 'chackin': 13208, 'wyattt': 13209, 'himhes': 13210, 'donutscomfort': 13211, 'scurry
ing': 13212, 'mimcy': 13213, 'plumber': 13214, 'choosing': 13215, 'norton': 13216, 'holyyyyyyy': 13217, 'jewish'
: 13218, 'cybercriminaloverlords': 13219, 'syncs': 13220, 'witunes': 13221, 'eyeappealing': 13222, 'clunky': 132
23, 'catchup': 13224, 'noooooooooo': 13225, 'parrents': 13226, 'achan': 13227, 'muchly': 13228, 'mil': 13229, 'l
efty': 13230, 'balanced': 13231, 'southmight': 13232, 'barks': 13233, 'jumps': 13234, 'coquitlam': 13235, 'hrdes
t': 13236, 'compiment': 13237, 'yest': 13238, 'mascots': 13239, 'virlcom': 13240, 'planran': 13241, 'headmay': 1
3242, 'welt': 13243, 'abuseday': 13244, 'tooyoull': 13245, 'butno': 13246, 'shutters': 13247, 'castingrelated':
13248, 'provence': 13249, 'calming': 13250, 'greeeeen': 13251, 'thereby': 13252, 'proving': 13253, 'gridiron': 1
3254, 'zenjar': 13255, 'cuzs': 13256, 'zemote': 13257, 'zemotecom': 13258, 'chive': 13259, 'mahalo': 13260, 'kau
ai': 13261, 'method': 13262, 'blinks': 13263, 'shuffles': 13264, 'bensons': 13265, 'deaths': 13266, 'neitherrrr'
: 13267, 'abusesniffabuse': 13268, 'abusegrinabuse': 13269, 'wonly': 13270, 'instrumentals': 13271, 'expresso':
13272, 'weights': 13273, 'woohoothis': 13274, 'chanclas': 13275, 'leak': 13276, 'infront': 13277, 'tucker': 1327
8, 'hardd': 13279, 'obvs': 13280, 'hardy': 13281, 'beth': 13282, 'milwaukee': 13283, 'wooops': 13284, 'boomstone
trying': 13285, 'tdl': 13286, 'abuseclutches': 13287, 'closeabuse': 13288, 'umma': 13289, 'againlol': 13290, 'ba
aaaaaaah': 13291, 'cockroach': 13292, 'heeeeelp': 13293, 'glamorous': 13294, 'cushings': 13295, 'disease': 13296
, 'liep': 13297, 'zojuist': 13298, 'r�is�ngs': 13299, 'josie': 13300, 'daytakn': 13301, 'tiptop': 13302, 'vi
ruses': 13303, 'reinstalling': 13304, 'nessa': 13305, 'tmobiles': 13306, 'corrupted': 13307, 'todayreally': 1330
8, 'tasting': 13309, 'sparring': 13310, 'sprinkler': 13311, 'blackberryless': 13312, 'todaaaaay': 13313, 'compet
itions': 13314, 'inthemaking': 13315, 'ditching': 13316, 'doogie': 13317, 'howser': 13318, 'braving': 13319, 'th
eview': 13320, 'fuming': 13321, 'hints': 13322, 'vague': 13323, 'popper': 13324, 'inlapush': 13325, 'quil': 1332
6, 'nickleback': 13327, 'rof': 13328, 'eepfangirl': 13329, 'milkkk': 13330, 'weekendto': 13331, 'weekendthat': 1
3332, 'boredddd': 13333, 'broughty': 13334, 'hahalive': 13335, 'krn': 13336, 'mitzy': 13337, 'baru': 13338, 'ber
tweeter': 13339, 'nit': 13340, 'rwitters': 13341, 'but�nada�': 13342, 'greenish': 13343, 'relive': 13344, 'd
im': 13345, 'feast': 13346, 'noms': 13347, 'sufka': 13348, 'transsiberian': 13349, 'planner': 13350, 'exception'
: 13351, 'gitwar': 13352, 'nobles': 13353, 'venetian': 13354, 'broccoli': 13355, 'goddam': 13356, 'impact': 1335
7, 'woopity': 13358, 'slurpeeee': 13359, 'longgggggggg': 13360, 'penetration': 13361, 'wayconfused': 13362, 'ses
ion': 13363, 'bluedart': 13364, 'cas': 13365, 'scarey': 13366, 'moy': 13367, 'happyand': 13368, 'eirtaku': 13369
, 'abusesmileabuse': 13370, 'camden': 13371, 'vipcome': 13372, 'neeeeed': 13373, 'guidance': 13374, 'counsellor'
: 13375, 'pollster': 13376, 'identification': 13377, 'republican': 13378, 'peeing': 13379, 'pantsnobody': 13380,
'stafford': 13381, 'acsm': 13382, 'unfathomable': 13383, 'bedrooms': 13384, 'fighter': 13385, 'seth': 13386, 'la
ndfill': 13387, 'recycler': 13388, 'inconvenient': 13389, 'queensland': 13390, 'nigguh': 13391, 'phuket': 13392,
'theatres': 13393, 'anywaybut': 13394, 'yhere': 13395, 'sink': 13396, 'ships': 13397, 'migrane': 13398, 'ibs': 1
3399, 'penguins': 13400, 'wkp': 13401, 'nooooowwww': 13402, 'medam': 13403, 'walnut': 13404, 'becca': 13405, 'br
ianna': 13406, 'gratification': 13407, 'canadians': 13408, 'rblpnbro': 13409, 'afterwork': 13410, 'goingaway': 1
3411, 'colleague': 13412, 'sleeeeep': 13413, 'existes': 13414, 'sparkle': 13415, 'howre': 13416, 'maniacs': 1341
7, 'wonabuse': 13418, 'cheeses': 13419, 'hunrgy': 13420, 'pizzahut': 13421, 'geograhy': 13422, 'freeballing': 13
423, 'worklong': 13424, 'rapfun': 13425, 'helllllpppp': 13426, 'smileit': 13427, 'boooooooored': 13428, 'heeders
': 13429, 'hungrybut': 13430, 'metres': 13431, 'yoursi': 13432, 'tada': 13433, 'fragrance': 13434, 'grouchy': 13
435, 'kentucky': 13436, 'rus': 13437, 'brazillians': 13438, 'revisingabuse': 13439, 'tennille': 13440, 'tos': 13
441, 'collaboration': 13442, 'hahahahahahahaa': 13443, 'reflecti': 13444, 'annonymity': 13445, 'backfb': 13446,
'breakmy': 13447, 'embracing': 13448, 'harney': 13449, 'longg': 13450, 'vity': 13451, 'dming': 13452, 'maccym':
13453, 'rereading': 13454, 'yyyyuck': 13455, 'peaceout': 13456, 'raccoon': 13457, 'mistakeill': 13458, 'offensiv
e': 13459, 'brazilians': 13460, 'arik': 13461, 'thumping': 13462, 'flakes': 13463, 'signup': 13464, 'dojo': 1346
5, 'munich': 13466, 'pnar': 13467, 'yuppie': 13468, 'sko': 13469, 'ean': 13470, 'connectionguess': 13471, 'upfor
': 13472, 'cobblestones': 13473, 'blessing': 13474, 'manmy': 13475, 'hourso': 13476, 'weds': 13477, 'anthems': 1
3478, 'screamidk': 13479, 'weekrrrrr': 13480, 'glyders': 13481, 'grrrstupid': 13482, 'scrabble': 13483, 'realtim
e': 13484, 'loveliest': 13485, 'hattie': 13486, 'hedgehog': 13487, 'hibernation': 13488, 'uglyonee': 13489, 'far
ted': 13490, 'fuckn': 13491, 'tegan': 13492, 'genetic': 13493, 'brandpoor': 13494, 'allergiesno': 13495, 'shallo
wness': 13496, 'reviewwhile': 13497, 'papercan': 13498, 'tiredness': 13499, 'nottt': 13500, 'tailights': 13501,
'muffinsss': 13502, 'jerm': 13503, 'aannndd': 13504, 'psyillium': 13505, 'husk': 13506, 'whincop': 13507, 'sap':
13508, 'bffls': 13509, 'mkay': 13510, 'bfgurelgbsr': 13511, 'caramels': 13512, 'martwo': 13513, 'dmp': 13514, 'c
la': 13515, 'grets': 13516, 'psst': 13517, 'ilycecily': 13518, 'ditch': 13519, 'belvoir': 13520, 'stationed': 13
521, 'pentagon': 13522, 'looooove': 13523, 'altanta': 13524, 'skipped': 13525, 'pinkish': 13526, 'gooodmorning':
13527, 'ryehappy': 13528, 'timthumb': 13529, 'orc': 13530, 'stephanies': 13531, 'greensborolove': 13532, 'jessic
aaaa': 13533, 'tattered': 13534, 'hedberg': 13535, 'floss': 13536, 'austens': 13537, 'northanger': 13538, 'stars
s': 13539, 'runhaha': 13540, 'firms': 13541, 'idiotatmilanq': 13542, 'frankwhyte': 13543, 'reaper': 13544, 'acci
dents': 13545, 'truei': 13546, 'bambu': 13547, 'ecology': 13548, 'moldy': 13549, 'squishy': 13550, 'cracker': 13
551, 'manually': 13552, 'bmx': 13553, 'burgas': 13554, 'careoke': 13555, 'beaumont': 13556, 'purrrrs': 13557, 'r
oasting': 13558, 'regime': 13559, 'simfinger': 13560, 'irape': 13561, 'moooooorning': 13562, 'itwhat': 13563, 'c
omputeri': 13564, 'precariously': 13565, 'ricotta': 13566, 'cuuutest': 13567, 'niece�s': 13568, 'christening':
13569, 'personalize': 13570, 'blackhawks': 13571, 'underpriveledged': 13572, 'kadi': 13573, 'teng': 13574, 'potb
elly': 13575, 'puzzle': 13576, 'healthyliving': 13577, 'direction': 13578, 'dundee': 13579, 'upbracing': 13580,
'comedown': 13581, 'studyexam': 13582, 'omgz': 13583, 'unassuming': 13584, 'unpretentious': 13585, 'endearingbec
ause': 13586, 'honourary': 13587, 'fluffette': 13588, 'lasagne': 13589, 'beds': 13590, 'clutch': 13591, 'danglin
g': 13592, 'investmentthe': 13593, 'dangitcuz': 13594, 'gphone': 13595, 'addfollow': 13596, 'lmaobut': 13597, 't
horoughly': 13598, 'musictesting': 13599, 'singerguitarist': 13600, 'delusional': 13601, 'bailing': 13602, 'here
ditary': 13603, 'phelps': 13604, 'dire': 13605, 'gahhhhh': 13606, 'forte': 13607, 'funty': 13608, 'abuseplops':
13609, 'headabuse': 13610, 'skyfire': 13611, 'firts': 13612, 'ageing': 13613, 'tytn': 13614, 'ratty': 13615, 'fe
lla': 13616, 'owls': 13617, 'contracted': 13618, 'slobber': 13619, 'hundreth': 13620, 'blogsite': 13621, 'sockso
o': 13622, 'nikepluscom': 13623, 'rowrow': 13624, 'knightsweet': 13625, 'uhknee': 13626, 'wreck': 13627, 'nellys
': 13628, 'tranlsators': 13629, 'hoursbooo': 13630, 'gooodnight': 13631, 'xslimmer': 13632, 'linz': 13633, 'vacc
uum': 13634, 'haven': 13635, 'massively': 13636, 'brtt': 13637, 'puddles': 13638, 'lifehouse': 13639, 'jetsetter
i': 13640, 'loadsa': 13641, 'shizze': 13642, 'aot': 13643, 'lec': 13644, 'dinghy': 13645, 'keanu': 13646, 'unagi
': 13647, 'nico': 13648, 'demistylesourcecomnew': 13649, 'ahahahaha': 13650, 'liee': 13651, 'pattinson': 13652,
'okaaaay': 13653, 'organized': 13654, 'fireflies': 13655, 'communications': 13656, 'ehhehehe': 13657, 'mtml': 13
658, 'hmmpph': 13659, 'fones': 13660, 'ouuhh': 13661, 'milestones': 13662, 'saybitch': 13663, 'mazur': 13664, 'h
ahahaand': 13665, 'incident': 13666, 'fletcher': 13667, 'westt': 13668, 'snots': 13669, 'avalanche': 13670, 'app
lescript': 13671, 'sofas': 13672, 'tiling': 13673, 'dummy': 13674, 'lasting': 13675, 'soooory': 13676, 'tickettt
tt': 13677, 'elliott': 13678, 'weeksoverdue': 13679, 'uzbekistan': 13680, 'giveim': 13681, 'reheadaches': 13682,
'gnimorning': 13683, 'grandpas': 13684, 'gasx': 13685, 'lullaby': 13686, 'fooked': 13687, 'phill': 13688, 'sunsh
inethe': 13689, 'plis': 13690, 'tile': 13691, 'okeefe': 13692, 'tryst': 13693, 'gpt': 13694, 'finsih': 13695, 'c
hamp': 13696, 'uhm': 13697, 'baq': 13698, 'headach': 13699, 'pomona': 13700, 'ditchin': 13701, 'barfin': 13702,
'esotsm': 13703, 'aguirre': 13704, 'dayevery': 13705, 'hypnotic': 13706, 'ilost': 13707, 'iappreciate': 13708, '
itv': 13709, 'sleeeeepy': 13710, 'todaysniffle': 13711, 'tryingtaking': 13712, 'whuahahhaha': 13713, 'bram': 137
14, 'ladagesapplejackspancakes': 13715, 'commercially': 13716, 'viable': 13717, 'awayim': 13718, 'psprint': 1371
9, 'goooood': 13720, 'ringtone': 13721, 'bulldogs': 13722, 'fattyyy': 13723, 'nb': 13724, 'scalpers': 13725, 'mo
rons': 13726, 'hatin': 13727, 'tonightt': 13728, 'bumper': 13729, 'troops': 13730, 'military': 13731, 'brightnes
s': 13732, 'insanedefaults': 13733, 'cyberspace': 13734, 'herewish': 13735, 'microsize': 13736, 'everythinglol':
13737, 'sunbathin': 13738, 'nailed': 13739, 'abusepops': 13740, 'advilabuse': 13741, 'congratulationskeep': 1374
2, 'delegate': 13743, 'shucks': 13744, 'secured': 13745, 'latewaking': 13746, 'votingall': 13747, 'lovesss': 137
48, 'poll': 13749, 'buckhead': 13750, 'scarlet': 13751, 'godddd': 13752, 'coughed': 13753, 'recoverable': 13754,
'kaushik': 13755, 'workfriday': 13756, 'musicboth': 13757, 'aesthetic': 13758, 'kaggra': 13759, 'birthdayhappy':
13760, 'ciaras': 13761, 'wefollow': 13762, 'roooooooooom': 13763, 'mrskutcher': 13764, 'aplusk': 13765, 'coffeen
ot': 13766, 'jordiebut': 13767, 'wci': 13768, 'pawing': 13769, 'innit': 13770, 'ncis': 13771, 'defiance': 13772,
'nextmmmmmm': 13773, 'blve': 13774, 'frikken': 13775, 'baaaaaaaaaaackkkkkkkk': 13776, 'promiscuous': 13777, 'plu
rking': 13778, 'everwish': 13779, 'eeecontrol': 13780, 'awhhh': 13781, 'suhana': 13782, 'gurrl': 13783, 'demoing
': 13784, 'tayla': 13785, 'timegettin': 13786, 'homesoooo': 13787, 'boyzzzz': 13788, 'coordinating': 13789, 'tap
ing': 13790, 'questionable': 13791, 'tireddd': 13792, 'nogo': 13793, 'backsorry': 13794, 'organize': 13795, 'top
ping': 13796, 'crews': 13797, 'reali': 13798, 'momalwayyyyyyyssssssss': 13799, 'balmain': 13800, 'knockoffs': 13
801, 'dealthese': 13802, 'laaandan': 13803, 'wingnuts': 13804, 'actuallywe': 13805, 'colleaguespaid': 13806, 'da
mpier': 13807, 'comingwont': 13808, 'nottinghami': 13809, 'biotch': 13810, 'sigma': 13811, 'smirker': 13812, 'ja
k': 13813, 'frolic': 13814, 'consummate': 13815, 'referring': 13816, 'persepolis': 13817, 'innabit': 13818, 'bha
bhi': 13819, 'pingpooping': 13820, 'shorti': 13821, 'psych': 13822, 'lostfound': 13823, 'owwjust': 13824, 'stile
s': 13825, 'ohkeep': 13826, 'gaggles': 13827, 'commuters': 13828, 'squished': 13829, 'backat': 13830, 'tetep': 1
3831, 'kurang': 13832, 'buat': 13833, 'kamis': 13834, 'nih': 13835, 'syapa': 13836, 'nicks': 13837, 'burgh': 138
38, 'yorks': 13839, 'lancs': 13840, 'yorkshire': 13841, 'weekthen': 13842, 'tomos': 13843, 'sickkkk': 13844, 'bu
': 13845, 'listbut': 13846, 'abuseloveabuse': 13847, 'hairs': 13848, 'goona': 13849, 'ipodiphone': 13850, 'teamg
reen': 13851, 'macrina': 13852, 'mam': 13853, 'mingin': 13854, 'pegelcape': 13855, 'keliling': 13856, 'kuilbutto
tally': 13857, 'awesomewas': 13858, 'templecultureambiencetruly': 13859, 'inav': 13860, 'iblue': 13861, 'themegi
ves': 13862, 'anit': 13863, 'levy': 13864, 'ensure': 13865, 'datetoday': 13866, 'grandmothermiss': 13867, 'mane'
: 13868, 'hairlossgotta': 13869, 'ips': 13870, 'developement': 13871, 'harper': 13872, 'ipodgreat': 13873, 'song
love': 13874, 'beatboxing': 13875, 'didthanks': 13876, 'yeti': 13877, 'galveston': 13878, 'bristol': 13879, 'ein
e': 13880, 'kleine': 13881, 'nashtmusik': 13882, 'handand': 13883, 'justjust': 13884, 'areareare': 13885, 'septa
': 13886, 'seductively': 13887, 'sprawled': 13888, 'blokes': 13889, 'bonnet': 13890, 'shockers': 13891, 'blindin
g': 13892, 'lurgy': 13893, 'endofrope': 13894, 'heeeey': 13895, 'typos': 13896, 'dealer': 13897, 'courtneys': 13
898, 'hooking': 13899, 'smartcar': 13900, 'trekagain': 13901, 'oni': 13902, 'mixer': 13903, 'tessy': 13904, 'ive
r': 13905, 'decongestant': 13906, 'freeeeeeeeeeeeeeeezing': 13907, 'soooooooon': 13908, 'yehhaaaaaaa': 13909, 's
treetview': 13910, 'argtried': 13911, 'itthen': 13912, 'purty': 13913, 'sakatas': 13914, 'unloading': 13915, 'st
omachace': 13916, 'krystles': 13917, 'studieslaw': 13918, 'inolving': 13919, 'bias': 13920, 'juries': 13921, 'nu
llification': 13922, 'strippers': 13923, 'bummermail': 13924, 'judges': 13925, 'saran': 13926, 'compete': 13927,
'sleeptime': 13928, 'bm': 13929, 'wirting': 13930, 'almos': 13931, 'listenint': 13932, 'afh': 13933, 'upppp': 13
934, 'sadifying': 13935, 'heartparts': 13936, 'workboyz': 13937, 'sailin': 13938, 'tanna': 13939, 'busyy': 13940
, 'standstill': 13941, 'twttrg': 13942, 'technician': 13943, 'archetype': 13944, 'archetypes': 13945, 'utd': 139
46, 'wacha': 13947, 'arbiter': 13948, 'judith': 13949, 'wseven': 13950, 'consist': 13951, 'realitycheck': 13952,
'dmshollaback': 13953, 'phootoboothingisfunforbunny': 13954, 'volumen': 13955, 'eins': 13956, 'oouchhhh': 13957,
'pinched': 13958, 'romina': 13959, 'bummedyoure': 13960, 'whitneys': 13961, 'danggggim': 13962, 'morningblahhh':
13963, 'oddos': 13964, 'grandfather': 13965, 'yummiest': 13966, 'ipoh': 13967, 'marls': 13968, 'rn': 13969, 'ami
gui': 13970, 'semis': 13971, 'trina': 13972, 'leav': 13973, 'forwed': 13974, 'homieactually': 13975, 'binder': 1
3976, 'mammas': 13977, 'tomorrowwim': 13978, 'embraced': 13979, 'paranthas': 13980, 'balloon': 13981, 'caveat':
13982, 'fictionbut': 13983, 'novels': 13984, 'liu': 13985, 'yearbookhahaha': 13986, 'instincts': 13987, 'dragonb
all': 13988, 'clarifyknow': 13989, 'bnp': 13990, 'thoughtwhat': 13991, 'nesbitt': 13992, 'rising': 13993, 'sighs
adface': 13994, 'manicurist': 13995, 'likee': 13996, 'lottsa': 13997, 'gerbil': 13998, 'experts': 13999, 'jillia
n': 14000, 'certificate': 14001, 'docent': 14002, 'hvng': 14003, 'aftrn': 14004, 'aaaaaoouoouoouu': 14005, 'utur
n': 14006, 'outtoooo': 14007, 'mccoy': 14008, 'isawesome': 14009, 'cda': 14010, 'funkey': 14011, 'xmlrpc': 14012
, 'codeignite': 14013, 'output': 14014, 'amf': 14015, 'zend': 14016, 'umbrella�': 14017, 'hallo': 14018, 'amou
nts': 14019, 'qualifies': 14020, 'universal': 14021, 'outlets': 14022, 'abusesharapova': 14023, 'unseeded': 1402
4, 'qualifierok': 14025, 'chels': 14026, 'quartered': 14027, 'unlock': 14028, 'editions': 14029, 'woops': 14030,
'izzards': 14031, 'realli': 14032, 'happyskool': 14033, 'amazingjust': 14034, 'gocincinnati': 14035, 'amaize': 1
4036, 'tbqh': 14037, 'semiolder': 14038, 'anywherebtw': 14039, 'sfos': 14040, 'kean': 14041, 'cipriano': 14042,
'windoze': 14043, 'bouquets': 14044, 'itsilly': 14045, 'ej': 14046, 'whadya': 14047, 'kyneton': 14048, 'autumn':
14049, 'melb': 14050, 'daylesford': 14051, 'jacksons': 14052, 'shorty': 14053, 'unified': 14054, 'drastically':
14055, 'helllllloooooooooooo': 14056, 'backpacking': 14057, 'haayy': 14058, 'outbut': 14059, 'y�n': 14060, 'tï
¿½m': 14061, 'trn': 14062, 'tinh': 14063, 'l�': 14064, 'th�ng': 14065, 'thch': 14066, 'sanh': 14067, 'nh': 1
4068, 'l�m': 14069, 'm�': 14070, 'c�ng': 14071, 'ch�a': 14072, 'meetinglunch': 14073, 'sunshinenothing':
14074, 'daytime': 14075, 'helooo': 14076, 'bridal': 14077, 'registry': 14078, 'cruz': 14079, 'towed': 14080, 're
dgies': 14081, 'splashtown': 14082, 'gel': 14083, 'magically': 14084, 'sighlol': 14085, 'flashcads': 14086, 'omg
oodness': 14087, 'putet': 14088, 'uktoday': 14089, 'thoughthanks': 14090, 'relished': 14091, 'sparking': 14092,
'milking': 14093, 'promoting': 14094, 'muziknot': 14095, 'lmaao': 14096, 'plaid': 14097, 'sowwwy': 14098, 'slurr
ed': 14099, 'peet': 14100, 'cabo': 14101, 'ughjust': 14102, 'guarding': 14103, 'guard': 14104, 'quark': 14105, '
huhuhu': 14106, 'airbrush': 14107, 'wallbut': 14108, 'marjorie': 14109, 'jemimah': 14110, 'starin': 14111, 'chie
f': 14112, 'shudve': 14113, 'presten': 14114, 'hordies': 14115, 'victims': 14116, 'pkia': 14117, 'donnys': 14118
, 'believed': 14119, 'finshed': 14120, 'annnd': 14121, 'compromises': 14122, 'buthesmine': 14123, 'sharapova': 1
4124, 'loses': 14125, 'peddling': 14126, 'herenever': 14127, 'talktalk': 14128, 'reyt': 14129, 'fancies': 14130,
'valentinos': 14131, 'soninlaws': 14132, 'goooosh': 14133, 'jobos': 14134, 'discing': 14135, 'discs': 14136, 'ko
ozie': 14137, 'shoppinghmmm': 14138, 'moneyhow': 14139, 'fandom': 14140, 'wayyyyy': 14141, 'thingss': 14142, 'cl
ubbers': 14143, 'maids': 14144, 'itjust': 14145, 'kelsenator': 14146, 'puffyn': 14147, 'gmornin': 14148, 'skimch
amp': 14149, 'turnon': 14150, 'dasit': 14151, 'wstocktwits': 14152, 'clutter': 14153, 'cupie': 14154, 'drafts':
14155, 'shemms': 14156, 'roaming': 14157, 'workhillcats': 14158, 'jeffery': 14159, 'tonsillitis': 14160, 'advise
d': 14161, 'trusty': 14162, 'runmoms': 14163, 'menormal': 14164, 'massacre': 14165, 'deceiving': 14166, 'wowhow'
: 14167, 'arggghhhhhhhhhhh': 14168, 'augustine': 14169, 'abusepokes': 14170, 'awayabuse': 14171, 'dice': 14172,
'tubas': 14173, 'gota': 14174, 'twitteeeerrr': 14175, 'babiieshow': 14176, 'thng': 14177, 'tbag': 14178, 'runnin
': 14179, 'homeneed': 14180, 'itemsbut': 14181, 'stitched': 14182, 'bleeds': 14183, 'abuseyouabuse': 14184, 'osc
ar': 14185, 'renta': 14186, 'op': 14187, 'canvas': 14188, 'ooooover': 14189, 'oooover': 14190, 'celebreting': 14
191, 'amost': 14192, 'gdgd': 14193, 'discussed': 14194, 'bela': 14195, 'lugosi': 14196, 'apearance': 14197, 'out
er': 14198, 'audioo': 14199, 'idgaf': 14200, 'fey': 14201, 'slays': 14202, 'inbruges': 14203, 'panwa': 14204, 'l
addies': 14205, 'soothing': 14206, 'clues': 14207, 'baha': 14208, 'hyd': 14209, 'thekas': 14210, 'implementing':
14211, 'willpaginate': 14212, 'evie': 14213, 'widow': 14214, 'becoz': 14215, 'nta': 14216, 'wrkouts': 14217, 'ha
pen': 14218, 'satrted': 14219, 'dieting': 14220, 'toocant': 14221, 'xxo': 14222, 'ilys': 14223, 'dahsar': 14224,
'thanxs': 14225, 'asia': 14226, 'hughesy': 14227, 'rafferty': 14228, 'madaya': 14229, 'ipodi': 14230, 'lainey':
14231, 'mediation': 14232, 'suckssss': 14233, 'kknow': 14234, 'realllllllllly': 14235, 'mcast': 14236, 'protofur
ries': 14237, 'acen': 14238, 'detour': 14239, 'disorders': 14240, 'vomit': 14241, 'tyring': 14242, 'aruba': 1424
3, 'retainer': 14244, 'colored': 14245, 'lewd': 14246, 'ryanseacrest': 14247, 'practitionerspent': 14248, 'devot
ed': 14249, 'recognized': 14250, 'ugghhh': 14251, 'peabody': 14252, 'antos': 14253, 'grannythe': 14254, 'yus': 1
4255, 'ieits': 14256, 'hmlet': 14257, 'todayhappy': 14258, 'carillo': 14259, 'achebut': 14260, 'sighits': 14261,
'finaleno': 14262, 'foul': 14263, 'cote': 14264, 'ahhhhhhhhh': 14265, 'shredding': 14266, 'namelolall': 14267, '
ucky': 14268, 'vitamin': 14269, 'mores': 14270, 'droped': 14271, 'smarted': 14272, 'bussiness': 14273, 'snaps':
14274, 'ibiza': 14275, 'fortuna': 14276, 'assist': 14277, 'lows': 14278, 'ericsson': 14279, 'berryd': 14280, 'nk
orea': 14281, 'endangers': 14282, 'busany': 14283, 'donations': 14284, 'fund': 14285, 'grrrrrr': 14286, 'inoo':
14287, 'ino': 14288, 'ashlie': 14289, 'everyoneeeeeeeeee': 14290, 'yepraced': 14291, 'bikesits': 14292, 'awaydon
t': 14293, 'motorsport': 14294, 'nowits': 14295, 'wrigley': 14296, 'uup': 14297, 'opportinists': 14298, 'tabloid
s': 14299, 'victim': 14300, 'sennheiser': 14301, 'cx': 14302, 'earbuds': 14303, 'abusethe': 14304, 'insults': 14
305, 'abusecries': 14306, 'pillowabuse': 14307, 'duber': 14308, 'klondike': 14309, 'goign': 14310, 'overspend':
14311, 'mishaaaaaaaa': 14312, 'todayhope': 14313, 'rsvping': 14314, 'irrelevant': 14315, 'ekin': 14316, 'mak': 1
4317, 'yj': 14318, 'weinfest': 14319, 'moommy': 14320, 'somn': 14321, 'sensehahaha': 14322, 'gehts': 14323, 'abi
': 14324, 'homeschooling': 14325, 'lillestr�m': 14326, 'achieving': 14327, 'xml': 14328, 'cumbersome': 14329,
'profiled': 14330, 'envelope': 14331, 'smallif': 14332, 'fitwhat': 14333, 'herrreeeee': 14334, 'witch': 14335, '
upstate': 14336, 'hick': 14337, 'ethnic': 14338, 'monroe': 14339, 'trx': 14340, 'ropes': 14341, 'kbs': 14342, 'o
ffrope': 14343, 'windmills': 14344, 'wve': 14345, 'aquats': 14346, 'cics': 14347, 'tomorrowneed': 14348, 'likely
y': 14349, 'buchers': 14350, 'townno': 14351, 'gohave': 14352, 'goshwhos': 14353, 'baylee': 14354, 'childthese':
14355, 'humour': 14356, 'nvidia': 14357, 'ideapad': 14358, 'nonstarter': 14359, 'friench': 14360, 'redeem': 1436
1, 'pandi': 14362, 'minnish': 14363, 'givein': 14364, 'arun': 14365, 'yw': 14366, 'deforestationso': 14367, 'you
lol': 14368, 'hairsss': 14369, 'soonwe': 14370, 'stereo': 14371, 'skyline': 14372, 'blahhh': 14373, 'coal': 1437
4, 'lindos': 14375, 'nutswont': 14376, 'orthodontisssttt': 14377, 'workno': 14378, 'dims': 14379, 'cancled': 143
80, 'rentaphone': 14381, 'yesy': 14382, 'smokinggg': 14383, 'saaad': 14384, 'ultimately': 14385, 'suffers': 1438
6, 'gale': 14387, 'vinerinimic': 14388, 'probabil': 14389, 'pierdut': 14390, 'chipssunday': 14391, 'pomchi': 143
92, 'chrisette': 14393, 'micheles': 14394, 'epiphany': 14395, 'congrads': 14396, 'engagementbridal': 14397, 'out
relaxing': 14398, 'postcard': 14399, 'comparing': 14400, 'malo': 14401, 'boobie': 14402, 'homehappy': 14403, 'tw
itmoms': 14404, 'olda': 14405, 'sutzkever': 14406, 'thirsty': 14407, 'whyareyoustillhere': 14408, 'aubrey': 1440
9, 'kimberlee': 14410, 'truce': 14411, 'barnsley': 14412, 'conor': 14413, 'kudai': 14414, 'upppppp': 14415, 'ove
ractive': 14416, '�anisalovesu': 14417, 'upsetespecially': 14418, 'jared': 14419, 'pcvs': 14420, 'uptold': 144
21, 'farrells': 14422, 'parlor': 14423, 'staging': 14424, 'comeback': 14425, 'viejo': 14426, 'align': 14427, 're
align': 14428, 'sensitivity': 14429, 'tweeeet': 14430, 'passwords': 14431, 'wookieman': 14432, 'latagood': 14433
, 'twitfam': 14434, 'blessxoxo': 14435, 'danstorce': 14436, 'lushh': 14437, 'bookmarked': 14438, 'stuart': 14439
, 'yavanna': 14440, 'certainty': 14441, 'dockers': 14442, 'erniehalter': 14443, 'polite': 14444, 'definite': 144
45, 'yetand': 14446, 'resorted': 14447, 'guuud': 14448, 'pantien': 14449, 'introduced': 14450, 'franklin': 14451
, 'ladmag': 14452, 'uhhindoors': 14453, 'jlo': 14454, 'sig': 14455, 'actinggg': 14456, 'addicts': 14457, 'knack'
: 14458, 'nighters': 14459, 'gyah': 14460, 'babyclient': 14461, 'stavros': 14462, 'flatley': 14463, 'nims': 1446
4, 'satellite': 14465, 'downnnn': 14466, 'familias': 14467, 'ticked': 14468, 'nontweetinggirlfriend': 14469, 'em
ployedsigh': 14470, 'buble': 14471, 'quotation': 14472, 'tied': 14473, 'resistant': 14474, 'onther': 14475, 'mar
keters': 14476, 'emilyyoung': 14477, 'okey': 14478, 'hairstyles': 14479, 'kits': 14480, 'coty': 14481, 'nnc': 14
482, 'tents': 14483, 'bunged': 14484, 'ohnoes': 14485, 'artoo': 14486, 'fof': 14487, 'faketemporary': 14488, 'lo
oooooooves': 14489, 'detox': 14490, 'violent': 14491, 'fightclub': 14492, 'heavily': 14493, 'kirsten': 14494, 'g
oddamnit': 14495, 'dug': 14496, 'firefly': 14497, 'flordia': 14498, 'shrits': 14499, 'decor': 14500, 'discretion
': 14501, 'gonethank': 14502, 'godtime': 14503, 'collinson': 14504, 'moveable': 14505, 'dbar': 14506, 'timezzz':
14507, 'faccia': 14508, 'clarendon': 14509, 'clearing': 14510, 'anchovies': 14511, 'howdyyy': 14512, 'hallscary'
: 14513, 'arrogant': 14514, 'tap': 14515, 'oregon': 14516, 'unimpressed': 14517, 'obrian': 14518, 'shriyas': 145
19, 'lynz': 14520, 'jordies': 14521, 'donnies': 14522, 'youuuuuuu': 14523, 'jayne': 14524, 'wowzer': 14525, 'sea
nn': 14526, 'roflmao': 14527, 'portal': 14528, 'radar': 14529, 'exxciiteed': 14530, 'muslim': 14531, 'briyani':
14532, 'lvoe': 14533, 'perk': 14534, 'orderd': 14535, 'leonard': 14536, 'nimoy': 14537, 'sequel': 14538, 'c�n'
: 14539, 'qua': 14540, 'bereft': 14541, 'faults': 14542, 'embarrassd': 14543, 'ching': 14544, 'chong': 14545, 'c
ambie': 14546, 'mmmmmmm': 14547, 'espressothe': 14548, 'efficiently': 14549, 'mols': 14550, 'guiness': 14551, 'b
idding': 14552, 'schindlers': 14553, 'dayydoesnt': 14554, 'veryy': 14555, 'compability': 14556, 'entrepreneurs':
14557, 'grats': 14558, 'knoim': 14559, 'beauties': 14560, 'grads': 14561, 'trauma': 14562, 'meaway': 14563, 'sat
isfy': 14564, 'uprooted': 14565, 'sunbathe': 14566, 'porter': 14567, 'haunting': 14568, 'forces': 14569, 'strate
gies': 14570, 'thebc': 14571, 'homesssssskooooler': 14572, 'accessories': 14573, 'livescribe': 14574, 'smartpen'
: 14575, 'uniservity': 14576, 'onim': 14577, 'omfgggg': 14578, 'lubbock': 14579, 'wetits': 14580, 'timeno': 1458
1, 'pinkpop': 14582, 'wwwwweeeeeeeeeeeeeeekkkkkeeeennnndddd': 14583, 'recyle': 14584, 'armybut': 14585, 'fasteve
rything': 14586, 'backmight': 14587, 'recycle': 14588, 'bdayhappy': 14589, 'molecule': 14590, 'sackiroth': 14591
, 'dunnooooooo': 14592, 'confuzzzledd': 14593, 'barbecue': 14594, 'opda': 14595, 'myspacee': 14596, 'embroidery'
: 14597, 'lfctv': 14598, 'unsure': 14599, 'stoped': 14600, 'broadcasting': 14601, 'iloveitwhen': 14602, 'believe
s': 14603, 'circlealsoab': 14604, 'zum': 14605, 'spooohort': 14606, 'fcking': 14607, 'uniform': 14608, 'icantsle
epness': 14609, 'blogged': 14610, 'geeta': 14611, 'nav': 14612, 'shameless': 14613, 'gorham': 14614, 'carroll':
14615, 'marty': 14616, 'herewaz': 14617, 'uuuup': 14618, 'venom': 14619, 'accused': 14620, 'sided': 14621, 'trak
': 14622, 'noting': 14623, 'haaaaair': 14624, 'lolwat': 14625, 'atlantic': 14626, 'chellebelle': 14627, 'itx': 1
4628, 'todaynola': 14629, 'foxford': 14630, 'pontoon': 14631, 'scoop': 14632, 'kwod': 14633, 'ritasbadly': 14634
, 'appreciateduni': 14635, 'helenas': 14636, 'cantab': 14637, 'utrecht': 14638, 'gabe': 14639, 'afterparty': 146
40, 'healthcare': 14641, 'disproves': 14642, 'omgeee': 14643, 'helll': 14644, 'hallucinating': 14645, 'benefitin
g': 14646, 'indies': 14647, 'botanical': 14648, 'willnot': 14649, 'rosary': 14650, 'wafting': 14651, 'papaw': 14
652, 'smoker': 14653, 'backweve': 14654, 'lifeughgoodnightso': 14655, 'janessa': 14656, 'dillematic': 14657, 'my
oh': 14658, 'tarsier': 14659, 'pins': 14660, 'dorm': 14661, 'assure': 14662, 'buliding': 14663, 'maylolim': 1466
4, 'liloven': 14665, 'representing': 14666, 'supertramp': 14667, 'addictionermm': 14668, 'covers': 14669, 'poiso
nous': 14670, 'pellets': 14671, 'abueltia': 14672, 'bwm': 14673, 'punkrobot': 14674, 'wtfwinter': 14675, 'friday
not': 14676, 'witcha': 14677, 'anywherestreamed': 14678, 'mommiies': 14679, 'theaa': 14680, 'thiis': 14681, 'thi
ing': 14682, 'tgifi': 14683, 'yoghurt': 14684, 'carrots': 14685, 'pci': 14686, 'lsats': 14687, 'ooze': 14688, 'm
errier': 14689, 'prov': 14690, 'cme': 14691, 'shia': 14692, 'yippiee': 14693, 'maccy': 14694, 'recontinue': 1469
5, 'breathless': 14696, 'prerecorded': 14697, 'admk': 14698, 'hyderabad': 14699, 'connections': 14700, 'nicehope
': 14701, 'mill': 14702, 'embark': 14703, 'poisoning': 14704, 'skewl': 14705, 'ahmazing': 14706, 'primatech': 14
707, 'decade': 14708, 'trening': 14709, 'brokey': 14710, 'hor': 14711, 'fowers': 14712, 'alexajordan': 14713, 'l
ossing': 14714, 'fucckinggg': 14715, 'cakss': 14716, 'unsociable': 14717, 'meanwhile': 14718, 'bigweekend': 1471
9, 'downvery': 14720, 'nerding': 14721, 'campin': 14722, 'tekenen': 14723, 'evelyn': 14724, 'verdict': 14725, 'm
oooorning': 14726, 'ooaf': 14727, 'sctrahc': 14728, 'dayabusepeople': 14729, 'usabusewhat': 14730, 'combonations
': 14731, 'mooks': 14732, 'dillingen': 14733, 'hoboabusetramp': 14734, 'pllleeeaaassseeeeee': 14735, 'pogs': 147
36, 'cashier': 14737, 'thimk': 14738, 'muscles': 14739, 'twitpeeps': 14740, 'mwean': 14741, 'doneabout': 14742,
'butteflies': 14743, 'ano': 14744, 'yun': 14745, 'thehannabeth': 14746, 'whattaburger': 14747, 'chimp': 14748, '
wattup': 14749, 'jv': 14750, 'lllooovvveee': 14751, 'bachproject': 14752, 'oash': 14753, 'snuff': 14754, 'hermio
ne': 14755, 'ittakestimetoopenawebpage': 14756, 'justits': 14757, 'storyall': 14758, 'seaworld': 14759, 'yhaw':
14760, 'bew': 14761, 'sistah': 14762, 'bbws': 14763, 'scents': 14764, 'alrightttt': 14765, 'sighting': 14766, 's
pongebobs': 14767, 'distraught': 14768, 'twitterfails': 14769, 'nowthis': 14770, '��': 14771, 'ce': 14772, '
grademock': 14773, 'gether': 14774, 'christmass': 14775, 'excolleagues': 14776, 'boasting': 14777, 'carlsbad': 1
4778, 'lc': 14779, 'birthdaykinda': 14780, 'tornado': 14781, 'heyahh': 14782, 'cumin': 14783, 'taylorr': 14784,
'gossipy': 14785, 'mythic': 14786, 'struggles': 14787, 'demolished': 14788, 'morewell': 14789, 'salty': 14790, '
pretzels': 14791, 'raggy': 14792, 'bleah': 14793, 'tipsy': 14794, 'nokias': 14795, 'mozilla': 14796, 'lapitytopi
ty': 14797, 'specialist': 14798, 'owwie': 14799, 'awayz': 14800, 'hourstrying': 14801, 'fright': 14802, 'latejus
t': 14803, 'sweetietweethug': 14804, 'saucepan': 14805, 'waterindian': 14806, 'scrabbled': 14807, 'sumptuous': 1
4808, 'shenanigans': 14809, 'adoarble': 14810, 'showif': 14811, 'luvin': 14812, 'sensing': 14813, 'fiery': 14814
, 'anger': 14815, 'surrounding': 14816, 'boak': 14817, 'apicture': 14818, 'jetway': 14819, 'layer': 14820, 'bose
': 14821, 'kiau': 14822, 'dunhams': 14823, 'wikihow': 14824, 'pari': 14825, 'neb': 14826, 'nowtht': 14827, 'helt
ershelter': 14828, 'zuluxhosa': 14829, 'translated': 14830, 'gratiss': 14831, 'tacoma': 14832, 'kgw': 14833, 'no
wadays': 14834, 'brenden': 14835, 'uhhonestly': 14836, 'meill': 14837, 'movin': 14838, 'molotov': 14839, 'bamboo
': 14840, 'sleepfail': 14841, 'ddfail': 14842, 'yfrog': 14843, 'inclient': 14844, 'runway': 14845, 'malaysiano':
14846, 'tomoro': 14847, 'yeahness': 14848, 'lifecam': 14849, 'comingand': 14850, 'citipointe': 14851, 'argghhh':
14852, 'tatler': 14853, 'yuen': 14854, 'musli': 14855, 'elmers': 14856, 'hihihi': 14857, 'corny': 14858, 'alam':
14859, 'whatt': 14860, 'visitors': 14861, 'hummer': 14862, 'designshould': 14863, 'cardbut': 14864, 'bcit': 1486
5, 'redi': 14866, 'thebear': 14867, 'plangi': 14868, 'amazeeeeeee': 14869, 'hel': 14870, 'sympahty': 14871, 'tdu
kes': 14872, 'flwd': 14873, 'mornwhen': 14874, 'dhmptn': 14875, 'hershes': 14876, 'visite': 14877, 'heyyyyyyyyyy
yyyya': 14878, 'momsen': 14879, 'soichi': 14880, 'negishis': 14881, 'amai': 14882, 'koibito': 14883, 'todayagita
ted': 14884, 'destroyed': 14885, 'n�mme': 14886, 'telescopic': 14887, 'poles': 14888, 'coolmax': 14889, 'hater
yoda': 14890, 'husker': 14891, 'accessno': 14892, 'kilometres': 14893, 'tragicluckily': 14894, 'escentuals': 148
95, 'abusetearrrrrrrrabuse': 14896, 'googlecomabuse': 14897, 'safaris': 14898, 'welll': 14899, 'folkiesss': 1490
0, 'landwork': 14901, 'morninughewwy': 14902, 'talkkk': 14903, 'mebut': 14904, 'lurvee': 14905, 'pushin': 14906,
'graduationsorry': 14907, 'smash': 14908, 'louder': 14909, 'decaf': 14910, 'teas': 14911, 'sketch': 14912, 'shor
tened': 14913, 'urlautoexpand': 14914, 'reactin': 14915, 'okayjust': 14916, 'chrissy': 14917, 'twitterings': 149
18, 'thisll': 14919, 'rants': 14920, 'notthebest': 14921, 'weekendbut': 14922, 'welli': 14923, 'therelol': 14924
, 'clueeffect': 14925, 'inthe': 14926, 'welldeserved': 14927, 'todayno': 14928, 'emailsonly': 14929, 'doooooo':
14930, 'abp': 14931, 'griffin': 14932, 'nosebleeds': 14933, 'jones': 14934, 'gameresearching': 14935, 'aracheolo
gists': 14936, 'mcc': 14937, 'buisiness': 14938, 'purrrty': 14939, 'produced': 14940, 'dayone': 14941, 'cruches'
: 14942, 'biglittle': 14943, 'flapataco': 14944, 'youwhat': 14945, 'doinganswer': 14946, 'sleepyhead': 14947, 'm
aggots': 14948, 'partial': 14949, 'pinks': 14950, 'sobre': 14951, 'destiny': 14952, 'sleepies': 14953, 'poorlies
': 14954, 'bjudah': 14955, 'lavender': 14956, 'values': 14957, 'whaaay': 14958, 'todayim': 14959, 'googling': 14
960, 'trailhead': 14961, 'againgot': 14962, 'maatt': 14963, 'dudeee': 14964, 'lalalaland': 14965, 'itu': 14966,
'confusedp': 14967, 'teardrops': 14968, 'loverboy': 14969, 'tww': 14970, 'puzzles': 14971, 'emilie': 14972, 'imp
aled': 14973, 'scottishtryingtobeirish': 14974, 'ewan': 14975, 'mcgregor': 14976, 'quirks': 14977, 'summarize':
14978, 'lub': 14979, 'akarowan': 14980, 'exctied': 14981, 'saurus': 14982, 'dac': 14983, 'cowboys': 14984, 'lotr
': 14985, 'hajjisyea': 14986, 'marly': 14987, 'bubbletweet': 14988, 'glowy': 14989, 'ravey': 14990, 'smokey': 14
991, 'pizzary': 14992, 'naz': 14993, 'steals': 14994, 'buries': 14995, 'fence': 14996, 'embarassing': 14997, 'ga
ngstarr': 14998, 'exgirl': 14999, 'nas': 15000, 'mistaken': 15001, 'mga': 15002, 'lng': 15003, 'gastos': 15004,
'namen': 15005, 'ets': 15006, 'genitals': 15007, 'cnews': 15008, 'tortoiseshell': 15009, 'indoor': 15010, 'final
ssummer': 15011, 'ole': 15012, 'dusty': 15013, 'crazzyyyy': 15014, 'caloric': 15015, 'diaz': 15016, 'sati': 1501
7, 'services': 15018, 'ughhhhmad': 15019, 'timesi': 15020, 'thngs': 15021, 'stufppls': 15022, 'nosebleed': 15023
, 'overjoyed': 15024, 'sizzling': 15025, 'gusying': 15026, 'bourbon': 15027, 'zeitgeist': 15028, 'endeavor': 150
29, 'subscribed': 15030, 'marlees': 15031, 'wellllll': 15032, 'kickable': 15033, 'fiercemichi': 15034, 'showi':
15035, 'acaban': 15036, 'tocar': 15037, 'sabi': 15038, 'hazardous': 15039, 'smushed': 15040, 'statk': 15041, 'pr
ofoundly': 15042, 'freeing': 15043, 'eminem': 15044, 'seams': 15045, 'nois': 15046, 'ripbatman': 15047, 'threequ
arters': 15048, 'chains': 15049, 'nastiness': 15050, 'sesame': 15051, 'snood': 15052, 'heavyweight': 15053, 'abu
secrosses': 15054, 'fingersabuse': 15055, 'enthused': 15056, 'sicckkkk': 15057, 'oome': 15058, 'muck': 15059, 'j
console': 15060, 'legitimate': 15061, 'fuck': 15062, 'kontakt': 15063, 'premier': 15064, 'amazecore': 15065, 'pr
ose': 15066, 'needy': 15067, 'thaanks': 15068, 'venueswhat': 15069, 'trigger': 15070, 'norwich': 15071, 'rivals'
: 15072, 'tarte': 15073, 'newsletter': 15074, 'criminal': 15075, 'twitterits': 15076, 'mimmiz': 15077, 'maders':
15078, 'rollin': 15079, 'emmm': 15080, 'souvlaki': 15081, 'dimitrisi': 15082, 'miacherry': 15083, 'kik': 15084,
'miniitx': 15085, 'midjune': 15086, 'dfizzy': 15087, 'pimp': 15088, 'suprises': 15089, 'cheerio': 15090, 'drasda
': 15091, 'sondaughter': 15092, 'thingyit': 15093, 'uts': 15094, 'lololol': 15095, 'kenan': 15096, 'kel': 15097,
'nowright': 15098, 'shen': 15099, 'appliances': 15100, 'criminals': 15101, 'indiscrimate': 15102, 'badits': 1510
3, 'carthage': 15104, 'dbl': 15105, 'congratss': 15106, 'funand': 15107, 'soonhave': 15108, 'securely': 15109, '
tightly': 15110, 'trumping': 15111, 'omnomlette': 15112, 'acquiring': 15113, 'centos': 15114, 'psyching': 15115,
'daysoh': 15116, 'freethere': 15117, 'mommiessss': 15118, 'leading': 15119, 'mshs': 15120, 'hakuna': 15121, 'mat
ana': 15122, 'againaha': 15123, 'questionsrevision': 15124, 'toadtastic': 15125, 'yupp': 15126, 'fnb': 15127, 'a
busehcabuse': 15128, 'tables': 15129, 'twitterology': 15130, 'posse': 15131, 'vacant': 15132, 'dynamic': 15133,
'freecycle': 15134, 'screams': 15135, 'curdling': 15136, 'palahniuks': 15137, 'pygmy': 15138, 'nabuseeabuserabus
ed': 15139, 'depaul': 15140, 'tadpole': 15141, 'contractions': 15142, 'tribbles': 15143, 'tracking': 15144, 'tan
kdps': 15145, 'carville': 15146, 'bubblewrap': 15147, 'christas': 15148, 'extinction': 15149, 'foolishness': 151
50, 'yayness': 15151, 'loney': 15152, 'hellboy': 15153, 'dontlike': 15154, 'touchscreen': 15155, 'snotty': 15156
, 'koala': 15157, 'pubquizzing': 15158, 'sinon': 15159, 'mardi': 15160, 'avian': 15161, 'awesomely': 15162, 'cyk
': 15163, 'cymk': 15164, 'uuuu': 15165, 'firsti': 15166, 'fantabulous': 15167, 'division': 15168, 'wooden': 1516
9, 'evermore': 15170, 'tara': 15171, 'watir': 15172, 'pleaseeeee': 15173, 'birthdayyyy': 15174, 'freshmen': 1517
5, 'warmup': 15176, 'tadi': 15177, 'hamster': 15178, 'youuuuuuuuuuu': 15179, 'emilyy': 15180, 'daylight': 15181,
'vips': 15182, 'eilish': 15183, 'competiton': 15184, 'pineapples': 15185, 'schulz': 15186, 'murphys': 15187, 'bo
redddddd': 15188, 'abusebrokenabuse': 15189, 'sighhh': 15190, 'onstage': 15191, 'butlins': 15192, 'todaymy': 151
93, 'allowance': 15194, 'cybernet': 15195, 'bttr': 15196, 'csh': 15197, 'partlolok': 15198, 'yeeeeahi': 15199, '
flora': 15200, 'shifted': 15201, 'sappy': 15202, 'westlife': 15203, 'stratus': 15204, 'thunderstormsperfect': 15
205, 'reallly': 15206, 'stuffat': 15207, 'loooonnnggg': 15208, 'chocolateland': 15209, 'teaser': 15210, 'outi':
15211, 'zip': 15212, 'courney': 15213, 'eeeeeeeeeeeeee': 15214, 'seee': 15215, 'ballistic': 15216, 'autistics':
15217, 'nathanfillion': 15218, 'thabks': 15219, 'severly': 15220, 'sunburntit': 15221, 'jordie': 15222, 'tacoson
e': 15223, 'jonathon': 15224, 'isn�t': 15225, 'bps': 15226, 'bait': 15227, 'extremly': 15228, 'sweepstakes': 1
5229, 'hypervenilating': 15230, 'abuseand': 15231, 'baltimoredc': 15232, 'suburbs': 15233, 'ticker': 15234, 'gag
ing': 15235, 'mfs': 15236, 'nowthe': 15237, 'hehehehehethis': 15238, 'tahong': 15239, 'creche': 15240, 'irony':
15241, 'swearing': 15242, 'yesterdayi': 15243, 'ughhi': 15244, 'saddd': 15245, 'deanna': 15246, 'wifeyyyyyy': 15
247, 'siky': 15248, 'tapping': 15249, 'deprivation': 15250, 'winks': 15251, 'joing': 15252, 'distractionbut': 15
253, 'underrated': 15254, 'gloopy': 15255, 'hommmmmme': 15256, 'peepsim': 15257, 'borgata': 15258, 'boiler': 152
59, 'vacuuming': 15260, 'ecstatic': 15261, 'meteor': 15262, 'kiddos': 15263, 'reallyy': 15264, 'gahif': 15265, '
sickhe': 15266, 'lolwellhope': 15267, 'sic': 15268, 'attendances': 15269, 'zimmer': 15270, 'duerden': 15271, 'je
alousmuchi': 15272, 'littttttle': 15273, 'jayr': 15274, 'budgeting': 15275, 'merh': 15276, 'feminist': 15277, 'b
artâ\xa0ofâ\xa0theâ\xa0criticalâ\xa0questions': 15278, 'zeropointit': 15279, 'odessey': 15280, 'thatam': 15281,
'themlove': 15282, 'donminican': 15283, 'tweepsland': 15284, 'nighttried': 15285, 'cdcaves': 15286, 'hilariously
': 15287, 'maaaannnnnnnnn': 15288, 'connoisseur': 15289, 'hospice': 15290, 'gpa': 15291, 'ditched': 15292, 'eeek
kkk': 15293, 'bledel': 15294, 'dhcp': 15295, 'goooooodmoring': 15296, 'yat': 15297, 'aygee': 15298, 'affairs': 1
5299, 'southwestern': 15300, 'fuuuuuuuudgeee': 15301, 'nyokap': 15302, 'pernah': 15303, 'berkata': 15304, 'demik
ian': 15305, 'ffancy': 15306, 'dressready': 15307, 'howmany': 15308, 'tao': 15309, 'academyish': 15310, 'manwe':
15311, 'godda': 15312, 'listpermanent': 15313, 'sashas': 15314, 'comix': 15315, 'hanson': 15316, 'pooorr': 15317
, 'ahhhhhhhh': 15318, 'pridelines': 15319, 'osn': 15320, 'smokers': 15321, 'vandalize': 15322, 'yoooo': 15323, '
arghh': 15324, 'jonasnewsongs': 15325, 'broiler': 15326, 'surrrrrously': 15327, 'lappytop': 15328, 'baterrry': 1
5329, 'dyingtryingtofind': 15330, 'movieto': 15331, 'goingto': 15332, 'wanders': 15333, 'lacks': 15334, 'volcom'
: 15335, 'abusepounces': 15336, 'thanksss': 15337, 'harajuku': 15338, 'goneso': 15339, 'ohnoyoudidnt': 15340, 'm
alakas': 15341, 'ayy': 15342, 'okayyy': 15343, 'kanina': 15344, 'muahhhhhhhhhhhhhhhhhhhhhhhhhhhhhhhh': 15345, 'l
unchn': 15346, 'niteda': 15347, 'kittys': 15348, 'fisher': 15349, 'stellar': 15350, 'recipient': 15351, 'specs':
15352, 'smuggle': 15353, 'eternity': 15354, 'nbc': 15355, 'theofficenbc': 15356, 'gervais': 15357, 'cms': 15358,
'versioning': 15359, 'railsgit': 15360, 'coudl': 15361, 'starbuks': 15362, 'lotby': 15363, 'peacin': 15364, 'bar
a': 15365, 'closets': 15366, 'aggghhhh': 15367, 'muak': 15368, 'sudah': 15369, 'minneapolisst': 15370, 'nekkid':
15371, 'augusten': 15372, 'burroughs': 15373, 'franz': 15374, 'friended': 15375, 'sommat': 15376, 'calibre': 153
77, 'visitin': 15378, 'entourage': 15379, 'teflon': 15380, 'whisky': 15381, 'beforesometimes': 15382, 'forgiving
': 15383, 'remould': 15384, 'reform': 15385, 'posters': 15386, 'tomoroo': 15387, 'giid': 15388, 'gni': 15389, 'a
busegaspabuse': 15390, 'emozac': 15391, 'zaccie': 15392, 'hourswill': 15393, 'awakei': 15394, 'dayscamping': 153
95, 'yayi': 15396, 'whittier': 15397, 'advil': 15398, 'madeleines': 15399, 'otra': 15400, 'vez': 15401, 'lenas':
15402, 'cookout': 15403, 'errrr': 15404, 'vluna': 15405, 'lsu': 15406, 'southern': 15407, 'jinxed': 15408, 'thks
': 15409, 'menow': 15410, 'jaiden': 15411, 'phped': 15412, 'successfuly': 15413, 'ems': 15414, 'smelt': 15415, '
loveees': 15416, 'fuuudge': 15417, 'sedaris': 15418, 'abouts': 15419, 'hehenice': 15420, 'bui': 15421, 'grants':
15422, 'fees': 15423, 'tritonlink': 15424, 'participate': 15425, 'weeken': 15426, 'thorn': 15427, 'mouthy': 1542
8, 'playback': 15429, 'twittttty': 15430, 'wantbut': 15431, 'ganna': 15432, 'samuri': 15433, 'lancey': 15434, 'g
reatings': 15435, 'shannan': 15436, 'laded': 15437, 'lanet': 15438, 'hopefull': 15439, 'hmmhaiaa': 15440, 'jacke
s': 15441, 'anew': 15442, 'beanz': 15443, 'michells': 15444, 'wtaching': 15445, 'recruits': 15446, 'lured': 1544
7, 'completes': 15448, 'nomsgot': 15449, 'evar': 15450, 'awnser': 15451, 'meth': 15452, 'foreigner': 15453, 'tit
anium': 15454, 'helicopter': 15455, 'topend': 15456, 'luxury': 15457, 'colbert': 15458, 'buddhist': 15459, 'jews
': 15460, 'wavy': 15461, 'hairstyle': 15462, 'arghhhmy': 15463, 'seei': 15464, 'rotting': 15465, 'yl': 15466, 's
keleton': 15467, 'hyde': 15468, 'jocant': 15469, 'plywood': 15470, 'elsinore': 15471, 'kymonkey': 15472, 'genera
tions': 15473, 'mindy': 15474, 'tiredddd': 15475, 'odeeee': 15476, 'addy': 15477, 'fwd': 15478, 'thatgonna': 154
79, 'retell': 15480, 'luca': 15481, 'skittles': 15482, 'yalls': 15483, 'sweeties': 15484, 'widddd': 15485, 'mose
s': 15486, 'knottie': 15487, 'bmpre': 15488, 'busipod': 15489, 'trini': 15490, 'esata': 15491, 'bendito': 15492,
'williamsburg': 15493, 'infinite': 15494, 'boutiques': 15495, 'wbad': 15496, 'scone': 15497, 'chore': 15498, 'ro
llo': 15499, 'inserted': 15500, 'archesi': 15501, 'monthsdefinitely': 15502, 'notary': 15503, 'retrograde': 1550
4, 'fevered': 15505, 'sweetdreams': 15506, 'downtownnow': 15507, 'mayyyybe': 15508, 'optimist': 15509, 'shorelin
e': 15510, 'stragglers': 15511, 'handwraps': 15512, 'pdgg': 15513, 'hehaheahaaaa': 15514, 'punters': 15515, 'enj
oys': 15516, 'catnappedcats': 15517, 'anita': 15518, 'sharpied': 15519, 'albeit': 15520, 'controlling': 15521, '
bayou': 15522, 'judgemental': 15523, 'dif': 15524, 'rhythms': 15525, 'sinc': 15526, 'inutero': 15527, 'heyheyhey
y': 15528, 'watcha': 15529, 'kohls': 15530, 'flops': 15531, 'annnnd': 15532, 'truesdale': 15533, 'autoconnect':
15534, 'fotc': 15535, 'supperinn': 15536, 'grouling': 15537, 'albert': 15538, 'marathonima': 15539, 'receipt': 1
5540, 'thirdchapter': 15541, 'todaybeen': 15542, 'carlos': 15543, 'wasssup': 15544, 'jeanstheading': 15545, 'tto
wn': 15546, 'plez': 15547, 'maitreya': 15548, 'bobbys': 15549, 'boilergreat': 15550, 'zotz': 15551, 'jiberish':
15552, 'joyhappy': 15553, 'sweeet': 15554, 'flovers': 15555, 'oldvery': 15556, 'mucky': 15557, 'outmoody': 15558
, 'sloppy': 15559, 'ffwd': 15560, 'aac': 15561, 'markers': 15562, 'sculpting': 15563, 'ceo': 15564, 'thinksm': 1
5565, 'sheets': 15566, 'underpants': 15567, 'ebtter': 15568, 'adn': 15569, 'shortstack': 15570, 'cyprus': 15571,
'phoned': 15572, 'thereeeeeee': 15573, 'sauteed': 15574, 'smacks': 15575, 'flipside': 15576, 'mobiledang': 15577
, 'bahrain': 15578, 'wellwe': 15579, 'decleration': 15580, 'remarks': 15581, 'blondes': 15582, 'ummonly': 15583,
'awlll': 15584, 'summa': 15585, 'daa': 15586, 'crewww': 15587, 'brett': 15588, 'fininsh': 15589, 'shineeeee': 15
590, 'worksick': 15591, 'hoot': 15592, 'reece': 15593, 'nearby': 15594, 'walkthe': 15595, 'cathy': 15596, 'ordin
arily': 15597, 'downloader': 15598, 'littleren': 15599, 'hillsong': 15600, 'tooooth': 15601, 'pilli': 15602, 'cr
azyhere': 15603, 'biknightual': 15604, 'tweedeck': 15605, 'bkha': 15606, 'whenwhen': 15607, 'bedeven': 15608, 'k
ink': 15609, 'keri': 15610, 'hilson': 15611, 'dropper': 15612, 'overstuffed': 15613, 'fools': 15614, 'timelessdo
nt': 15615, 'performed': 15616, 'abusethatabuse': 15617, 'mend': 15618, 'ummmph': 15619, 'miz': 15620, 'yepsjust
': 15621, 'geekshopping': 15622, 'twitterrific': 15623, 'outagecold': 15624, 'arnie': 15625, 'mixup': 15626, 'ba
llet': 15627, 'awardsbut': 15628, 'thaank': 15629, 'tahoe': 15630, 'patrolwho': 15631, 'doggies': 15632, 'umwast
e': 15633, 'qa': 15634, 'oeiras': 15635, 'youl': 15636, 'mot': 15637, 'krautrock': 15638, 'cherryflavored': 1563
9, 'shannt': 15640, 'postpone': 15641, 'getttin': 15642, 'jewel': 15643, 'boozin': 15644, 'boos': 15645, 'polyvo
re': 15646, 'lnd': 15647, 'banbury': 15648, 'butthurt': 15649, 'beachmex': 15650, 'tottaly': 15651, 'todaytottal
y': 15652, 'sameabuse': 15653, 'mariqueens': 15654, 'beachwood': 15655, 'helio': 15656, 'gremlin': 15657, 'tekzi
lla': 15658, 'range': 15659, 'anythgin': 15660, 'dohaha': 15661, 'bedmommas': 15662, 'rainchecktomorrow': 15663,
'amgot': 15664, 'waitwhy': 15665, 'versa': 15666, 'alkaline': 15667, 'saves': 15668, 'tweeets': 15669, 'tweekdec
kkk': 15670, 'cryyyy': 15671, 'havs': 15672, 'wayim': 15673, 'drace': 15674, 'sting': 15675, 'resources': 15676,
'delle': 15677, 'innocently': 15678, 'phillll': 15679, 'wazzuppppp': 15680, 'gifford': 15681, 'lectures': 15682,
'indianapolis': 15683, 'endlessly': 15684, 'fascinated': 15685, 'sustainability': 15686, 'gen': 15687, 'cf': 156
88, 'meters': 15689, 'cobbles': 15690, 'finenow': 15691, 'msning': 15692, 'societe': 15693, 'generale': 15694, '
functional': 15695, 'mumm': 15696, 'hopefuly': 15697, 'argie': 15698, 'consultant': 15699, 'abusemabuse': 15700,
'writersthey': 15701, 'wonderwhy': 15702, 'foisting': 15703, 'goooodnight': 15704, 'bestfriends': 15705, 'misog'
: 15706, 'todayyyyyyyyy': 15707, 'intervals': 15708, 'wallpapers': 15709, 'ssm': 15710, 'graceful': 15711, 'vry'
: 15712, 'niqhty': 15713, 'toqether': 15714, 'tuning': 15715, 'raising': 15716, 'restaraunt': 15717, 'garfields'
: 15718, 'bigggest': 15719, 'matte': 15720, 'lcd': 15721, 'inix': 15722, 'bravi': 15723, 'uninteresting': 15724,
'bookim': 15725, 'atkins': 15726, 'concerti': 15727, 'losers': 15728, 'claimed': 15729, 'charlene': 15730, 'tomo
rrowgotta': 15731, 'overthought': 15732, 'picky': 15733, 'thedailyshow': 15734, 'sian': 15735, 'hubbie': 15736,
'snubbed': 15737, 'ineptnessshyness': 15738, 'stalkerishly': 15739, 'brookie': 15740, 'moracca': 15741, 'jeuno':
15742, 'meltdown': 15743, 'imprinted': 15744, 'mrbean': 15745, 'txts': 15746, 'clutches': 15747, 'lusting': 1574
8, 'footer': 15749, 'commando': 15750, 'chanting': 15751, 'inxs': 15752, 'winksy': 15753, 'unloved': 15754, 'wit
less': 15755, 'photofiltre': 15756, 'photoscape': 15757, 'gimp': 15758, 'outa': 15759, 'issueslol': 15760, 'impa
cts': 15761, 'virtualization': 15762, 'guitartoday': 15763, 'nameless': 15764, 'lonnie': 15765, 'sowy': 15766, '
shortie': 15767, 'alltop': 15768, 'suivez': 15769, 'encouragement': 15770, 'frosting': 15771, 'funniset': 15772,
'jubey': 15773, 'sherraton': 15774, 'brodi': 15775, 'bbqd': 15776, 'lifted': 15777, 'counseling': 15778, 'sellou
t': 15779, 'fluke': 15780, 'projector': 15781, 'youcan': 15782, 'notorious': 15783, 'reallizing': 15784, 'shawty
': 15785, 'oowwwww': 15786, 'vinny': 15787, 'opposite': 15788, 'ongeeez': 15789, 'dyededed': 15790, 'waldi': 157
91, 'reeces': 15792, 'bigtime': 15793, 'gov': 15794, 'mileyyyyyy': 15795, 'iamjes': 15796, 'armhole': 15797, 'ho
pfully': 15798, 'yessss': 15799, 'snob': 15800, 'ladyill': 15801, 'bursting': 15802, 'skyand': 15803, 'wellback'
: 15804, 'crchan': 15805, 'blokey': 15806, 'supporters': 15807, 'whitex': 15808, 'gratz': 15809, 'harvey': 15810
, 'babysitterdirectory': 15811, 'revealed': 15812, 'semiflaky': 15813, 'vrbocom': 15814, 'rihanna': 15815, 'conc
entrating': 15816, 'afternooni': 15817, 'ditto': 15818, 'friendbored': 15819, 'riley': 15820, 'alphabet': 15821,
'nightt': 15822, 'tutus': 15823, 'designart': 15824, 'therefore': 15825, 'hmmmchinese': 15826, 'altho': 15827, '
woolsery': 15828, 'molton': 15829, 'clinch': 15830, 'licnse': 15831, 'mechanic': 15832, 'inspections': 15833, 'h
eretill': 15834, 'macmaze': 15835, 'supp': 15836, 'cuckoo': 15837, 'ritas': 15838, 'shoppers': 15839, 'taser': 1
5840, 'penalty': 15841, 'hice': 15842, 'maruchan': 15843, 'darius': 15844, 'neighting': 15845, 'traces': 15846,
'rdj': 15847, 'pane': 15848, 'chotachota': 15849, 'reflexie': 15850, 'arcade': 15851, 'wooomy': 15852, 'easywrit
er': 15853, 'corral': 15854, 'liddle': 15855, 'beotch': 15856, 'airbrushed': 15857, 'littleeerrrr': 15858, 'blen
der': 15859, 'wednesay': 15860, 'shepards': 15861, 'gentlemans': 15862, 'fannish': 15863, 'inquisition': 15864,
'nauseas': 15865, 'oktwitter': 15866, 'leisure': 15867, 'gina': 15868, 'corrections': 15869, 'feeders': 15870, '
dragbut': 15871, 'decompression': 15872, 'bawkmarked': 15873, 'sleepcraziness': 15874, 'proven': 15875, 'dahh':
15876, 'buckley': 15877, 'parece': 15878, 'personas': 15879, 'estan': 15880, 'acuerdo': 15881, 'chan': 15882, 'k
mrn': 15883, 'bawa': 15884, 'kosong': 15885, 'scanner': 15886, 'iter': 15887, 'reactor': 15888, 'rename': 15889,
'followfridays': 15890, 'slowdown': 15891, 'farrrrr': 15892, 'pdhpe': 15893, 'trivun': 15894, 'yeeeeeeeee': 1589
5, 'harrymcflytosing': 15896, 'dtrain': 15897, 'itts': 15898, 'canasta': 15899, 'thenpsych': 15900, 'patiently':
15901, 'barcalona': 15902, 'waitn': 15903, 'rappn': 15904, 'gav': 15905, 'sheriff': 15906, 'natalyy': 15907, 'wh
yd': 15908, 'joyner': 15909, 'professionally': 15910, 'confit': 15911, 'pwned': 15912, 'shottie': 15913, 'orient
ationits': 15914, 'seriouslythis': 15915, 'blatantly': 15916, 'embrace': 15917, 'deficiency': 15918, 'likerio':
15919, 'ahhaha': 15920, 'cheshire': 15921, 'manic': 15922, 'amys': 15923, 'badbooks': 15924, 'alwaysss': 15925,
'answering': 15926, 'wheree': 15927, 'understood': 15928, 'precoffee': 15929, 'pol': 15930, 'udd': 15931, 'foooo
od': 15932, 'hum': 15933, 'airco': 15934, 'gooooooodmorning': 15935, 'aerlingus': 15936, 'ryanair': 15937, 'bill
und': 15938, 'remembers': 15939, 'loopy': 15940, 'noida': 15941, 'buhbyeee': 15942, 'sunshiines': 15943, 'whiske
d': 15944, 'bid': 15945, 'jleno': 15946, 'quebec': 15947, 'backseat': 15948, 'embossers': 15949, 'papersource':
15950, 'florists': 15951, 'cassadee': 15952, 'florist': 15953, 'hmmneed': 15954, 'elsehmm': 15955, 'runless': 15
956, 'fastings': 15957, 'showss': 15958, 'piccies': 15959, 'butler': 15960, 'thinkhope': 15961, 'meditating': 15
962, 'weekendgotta': 15963, 'baptized': 15964, 'gprs': 15965, 'yaymencom': 15966, 'rightim': 15967, 'hoilday': 1
5968, 'hangovers': 15969, 'fragile': 15970, 'waxing': 15971, 'mustache': 15972, 'ofc': 15973, 'genuinely': 15974
, 'nuthin': 15975, 'imposible': 15976, 'amar': 15977, 'sportsmens': 15978, 'warehouse': 15979, 'arrows': 15980,
'amercia': 15981, 'disapointedgood': 15982, 'britainsgottalent': 15983, 'vhemt': 15984, 'gardeners': 15985, 'str
essin': 15986, 'harmed': 15987, 'snappy': 15988, 'amwhats': 15989, 'amplayed': 15990, 'outsidewowwas': 15991, 'g
reatgot': 15992, 'middetox': 15993, 'bluff': 15994, 'laurenim': 15995, 'gallore': 15996, 'kayleigh': 15997, 'coa
tandkaycom': 15998, 'yeahi': 15999, 'capes': 16000, 'girllll': 16001, 'unc': 16002, 'abusefailabuse': 16003, 'pi
zzeria': 16004, 'banksville': 16005, 'beachview': 16006, 'antiboyle': 16007, 'mack': 16008, 'homenight': 16009,
'handleing': 16010, 'sliverlight': 16011, 'isi': 16012, 'homeseriously': 16013, 'gar': 16014, 'relight': 16015,
'inill': 16016, 'whywhywhy': 16017, 'asugar': 16018, 'btaste': 16019, 'eminems': 16020, 'tweetlessand': 16021, '
beautifulalbeit': 16022, 'patsy': 16023, 'bloodypoet': 16024, 'nkkairplay': 16025, 'superawesome': 16026, 'abuse
caitabuse': 16027, 'heffas': 16028, 'typin': 16029, 'aspirating': 16030, 'lolthxs': 16031, 'outfield': 16032, 's
exxxy': 16033, 'tiiiiiimmmmmmeeewhatever': 16034, 'stupor': 16035, 'dolled': 16036, 'guides': 16037, 'morningis'
: 16038, 'int': 16039, 'extenders': 16040, 'sleepingtime': 16041, 'alreay': 16042, 'wilber': 16043, 'expectation
': 16044, 'integral': 16045, 'psyched': 16046, 'gkr': 16047, 'partyand': 16048, 'beeeeeddddddd': 16049, 'aids':
16050, 'rrod': 16051, 'boreddisgusting': 16052, 'weatherboredsooo': 16053, 'shareeee': 16054, 'zappa': 16055, 'x
xxxxxloser': 16056, 'weigly': 16057, 'jer': 16058, 'snapping': 16059, 'transferring': 16060, 'valencias': 16061,
'grumpiness': 16062, 'carsthis': 16063, 'postedabuse': 16064, 'dreadweave': 16065, 'smoothy': 16066, 'baulko': 1
6067, 'aghh': 16068, 'wowp': 16069, 'maddd': 16070, 'vaccinations': 16071, 'hurtling': 16072, 'headlong': 16073,
'frees': 16074, 'haavent': 16075, 'stubbed': 16076, 'cabinet': 16077, 'cooould': 16078, 'lovelet': 16079, 'dayss
sssss': 16080, 'yahoooo': 16081, 'daaaaawhh': 16082, 'egan': 16083, 'keypad': 16084, 'mogwai': 16085, 'yeeee': 1
6086, 'enlightening': 16087, 'eachothers': 16088, 'practising': 16089, 'harbor': 16090, 'courage': 16091, 'kaila
': 16092, 'ocampo': 16093, 'therainbowholicmeeeriesilencenet': 16094, 'hazin': 16095, 'copyed': 16096, 'pleeez':
16097, 'bamf': 16098, 'artificial': 16099, 'oofm': 16100, 'personified': 16101, 'jensen': 16102, 'leicas': 16103
, 'interupted': 16104, 'jackhammers': 16105, 'intil': 16106, 'thougth': 16107, 'bdate': 16108, 'thq': 16109, 'bi
lled': 16110, 'rpg': 16111, 'cherished': 16112, 'lh': 16113, 'fopp': 16114, 'burlesque': 16115, 'ban': 16116, 'd
rawning': 16117, 'qualifying': 16118, 'goodwill': 16119, 'stuffthink': 16120, 'reg': 16121, 'dealin': 16122, 'cu
pboards': 16123, 'freeways': 16124, 'ge': 16125, 'homely': 16126, 'freddie': 16127, 'funpacked': 16128, 'preheat
in': 16129, 'kelliehow': 16130, 'gourmetcook': 16131, 'wowsa': 16132, 'didntb': 16133, 'scholar': 16134, 'homela
nd': 16135, 'ontology': 16136, 'stopselfridges': 16137, 'straighteners': 16138, 'pricey': 16139, 'taskbased': 16
140, 'ux': 16141, 'criticisms': 16142, 'doesntsheesh': 16143, 'mcds': 16144, 'hader': 16145, 'toyno': 16146, 'gr
aces': 16147, 'funzen': 16148, 'haih': 16149, 'quadcore': 16150, 'dualcore': 16151, 'happppppyyyy': 16152, 'moth
ersdayyyyyyyyy': 16153, 'doubly': 16154, 'weatherrrrr': 16155, 'bacoor': 16156, 'wahaha': 16157, 'toinks': 16158
, 'wiih': 16159, 'tosser': 16160, 'cousinbff': 16161, 'areply': 16162, 'sph': 16163, 'dissappoint': 16164, 'haiz
': 16165, 'holdem': 16166, 'omgaah': 16167, 'creepering': 16168, 'poorest': 16169, 'megeezi': 16170, 'northbound
': 16171, 'sadfound': 16172, 'otu': 16173, 'illogical': 16174, 'cartoons': 16175, 'cofffeeeeeee': 16176, 'rawr':
16177, 'nerdfriends': 16178, 'rochester': 16179, 'cellnothin': 16180, 'candidness': 16181, 'redd': 16182, 'mps':
16183, 'hopelessly': 16184, 'vinsensitive': 16185, 'meetin': 16186, 'jewelery': 16187, 'manors': 16188, 'proved'
: 16189, 'facetious': 16190, 'kawaii': 16191, 'chroma': 16192, 'cumulus': 16193, 'niceid': 16194, 'bdays': 16195
, 'grrrreat': 16196, 'foodfoodfood': 16197, 'elaines': 16198, 'bhr': 16199, 'amazingggg': 16200, 'threatened': 1
6201, 'surveillance': 16202, 'increases': 16203, 'nomore': 16204, 'serio': 16205, 'barroca': 16206, 'parabens':
16207, 'ghetto': 16208, 'twitterparty': 16209, 'wimpy': 16210, 'morningsometimes': 16211, 'dobut': 16212, 'cinnc
inatti': 16213, 'lesterpitcher': 16214, 'dolores': 16215, 'colouring': 16216, 'nicoles': 16217, 'lilash': 16218,
'rethinking': 16219, 'yvr': 16220, 'jessi': 16221, 'restaurantwhere': 16222, 'siccck': 16223, 'jimbbbbo': 16224,
'abuseimabuse': 16225, 'okim': 16226, 'homskis': 16227, 'petite': 16228, 'puce': 16229, 'adica': 16230, 'puricel
': 16231, 'franceza': 16232, 'injuries': 16233, 'awesomeupdater': 16234, 'catchers': 16235, 'perils': 16236, 'tr
agedies': 16237, 'sideways': 16238, 'disaster': 16239, 'stove': 16240, 'boiland': 16241, 'themthen': 16242, 'wel
las': 16243, 'holllaaa': 16244, 'opus': 16245, 'pwg': 16246, 'botched': 16247, 'hybrid': 16248, 'xl': 16249, 'ja
g': 16250, 'alternator': 16251, 'mayerhes': 16252, 'commencement': 16253, 'protest': 16254, 'cokies': 16255, 'ar
nt': 16256, 'mmmmmmmmmmmm': 16257, 'gerald': 16258, 'sporting': 16259, 'hives': 16260, 'chang': 16261, 'thay': 1
6262, 'orleans': 16263, 'omds': 16264, 'elaborate': 16265, 'halved': 16266, 'monstr': 16267, 'moooooooooooooooo'
: 16268, 'verse': 16269, 'hudson': 16270, 'loneliness': 16271, 'creeps': 16272, 'slaps': 16273, 'kaylees': 16274
, 'agoi': 16275, 'dicei': 16276, 'searched': 16277, 'areajust': 16278, 'hotoh': 16279, 'ushers': 16280, 'eassy':
16281, 'longggg': 16282, 'feat': 16283, 'fireeeeee': 16284, 'tataindicom': 16285, 'tatasky': 16286, 'airtel': 16
287, 'namelol': 16288, 'studyingnow': 16289, 'overheard': 16290, 'yrold': 16291, 'anniemay': 16292, 'soooooooooo
ooooooo': 16293, 'deadass': 16294, 'arr': 16295, 'sowbur': 16296, 'promiss': 16297, 'styoopid': 16298, 'hazzunt'
: 16299, 'kum': 16300, 'agane': 16301, 'hyding': 16302, 'sumware': 16303, 'larffing': 16304, 'passtime': 16305,
'systems': 16306, 'chatted': 16307, 'correspondants': 16308, 'dowant': 16309, 'traumatizing': 16310, 'massacred'
: 16311, 'bunnies': 16312, 'boringgg': 16313, 'dodd': 16314, 'paged': 16315, 'proly': 16316, 'reallyyyyy': 16317
, 'whys': 16318, 'nieces': 16319, 'pspds': 16320, 'earlyer': 16321, 'subscribers': 16322, 'howevernow': 16323, '
thos': 16324, 'webcamming': 16325, 'caroooo': 16326, 'lawl': 16327, 'gloomygo': 16328, 'icecreamor': 16329, 'gin
whichever': 16330, 'runday': 16331, 'feta': 16332, 'uuu': 16333, 'yeey': 16334, 'epenis': 16335, 'flolloping': 1
6336, 'describes': 16337, 'twitskies': 16338, 'cinderelliiee': 16339, 'everyhere': 16340, 'cinco': 16341, 'bran'
: 16342, 'contests': 16343, 'erased': 16344, 'doughnut': 16345, 'mybrute': 16346, 'midgets': 16347, 'fightin': 1
6348, 'ln': 16349, 'turbull': 16350, 'bunting': 16351, 'weer': 16352, 'eens': 16353, 'raar': 16354, 'gelopen': 1
6355, 'stonehenge': 16356, 'mysefl': 16357, 'minging': 16358, 'mcmanus': 16359, 'maccies': 16360, 'kakabalik': 1
6361, 'tarlac': 16362, 'aftie': 16363, 'howie': 16364, 'ltj': 16365, 'yoke': 16366, 'd�a': 16367, '�why': 16
368, '�whyyy': 16369, 'gahd': 16370, 'allwill': 16371, 'marking': 16372, 'observationally': 16373, 'insightful
': 16374, 'aries': 16375, 'watts': 16376, 'uninvited': 16377, 'deid': 16378, 'epicenter': 16379, 'throwingkeeps'
: 16380, 'eying': 16381, 'dillybar': 16382, 'dq': 16383, 'yuuum': 16384, 'striker': 16385, 'maat': 16386, 'brrrr
r': 16387, 'shamed': 16388, 'inotia': 16389, 'yaaaaaaaaaaaay': 16390, 'forgottten': 16391, 'insonmia': 16392, 'l
otion': 16393, 'gareths': 16394, 'gareth': 16395, 'nowbout': 16396, 'wowhope': 16397, 'weber': 16398, 'founder':
16399, 'bettiye': 16400, 'omfglmaolassetti': 16401, 'contagious': 16402, 'lifs': 16403, 'unfairluk': 16404, 'fre
ndi': 16405, 'nurses': 16406, 'rns': 16407, 'russel': 16408, 'brands': 16409, 'ponderland': 16410, 'faceagain':
16411, 'newjabbakidz': 16412, 'wasu': 16413, 'masksi': 16414, 'speeches': 16415, 'punlk': 16416, 'torcon': 16417
, 'instances': 16418, 'janis': 16419, 'carleigh': 16420, 'realizedi': 16421, 'birthdayboo': 16422, 'encoraging':
16423, 'behavior': 16424, 'sinse': 16425, 'thingnot': 16426, 'nuffin': 16427, 'caresi': 16428, 'spiders': 16429,
'octupi': 16430, 'minstrels': 16431, 'petrol': 16432, 'backordered': 16433, 'cliffs': 16434, 'headlights': 16435
, 'spotlight': 16436, 'estimation': 16437, 'mamabear': 16438, 'tart': 16439, 'strauss': 16440, 'luvwill': 16441,
'locate': 16442, 'bba': 16443, 'cohen': 16444, 'clark': 16445, 'notches': 16446, 'technologically': 16447, 'caly
x': 16448, 'exsplain': 16449, 'treeeeek': 16450, 'rye': 16451, 'speedway': 16452, 'whooop': 16453, 'congratuatio
ns': 16454, 'carnivalsofparis': 16455, 'mqm': 16456, 'altaf': 16457, 'bhai': 16458, 'unveil': 16459, 'karachi':
16460, 'chipolte': 16461, 'spaceports': 16462, 'alreadt': 16463, 'podcasters': 16464, 'emporium': 16465, 'twitte
riffic': 16466, 'touri': 16467, 'ryans': 16468, 'housewife': 16469, 'contemplate': 16470, 'meeeaaannn': 16471, '
restarting': 16472, 'payat': 16473, 'buggered': 16474, 'distorted': 16475, 'obs': 16476, 'como': 16477, 'signifi
cant': 16478, 'sugarchocolatecaffeine': 16479, 'stickler': 16480, 'dpi': 16481, 'decline': 16482, 'ratt': 16483,
'toniteone': 16484, 'pearcy': 16485, 'werecounting': 16486, 'prs': 16487, 'ermnot': 16488, 'sweltering': 16489,
'slithering': 16490, 'snakes': 16491, 'frightening': 16492, 'detail': 16493, 'imnot': 16494, 'awesomeilyabuse':
16495, 'moderately': 16496, 'lactoseintolerant': 16497, 'abiding': 16498, 'oopstoo': 16499, 'bridges': 16500, 'b
lair': 16501, 'makati': 16502, 'reblipping': 16503, 'logically': 16504, 'staffers': 16505, 'goals': 16506, 'whil
es': 16507, 'romulin': 16508, 'helsinki': 16509, 'hans': 16510, 'gymtanning': 16511, 'possibe': 16512, 'uhoh': 1
6513, 'gandang': 16514, 'mas': 16515, 'mahal': 16516, 'sya': 16517, 'tactical': 16518, 'everblue': 16519, 'phogs
': 16520, 'hahait': 16521, 'booomb': 16522, 'psp': 16523, 'mcrglad': 16524, 'yeyahbut': 16525, 'fink': 16526, 'p
opeye': 16527, 'anoher': 16528, 'abusedidabuse': 16529, 'inningssweared': 16530, 'lawwas': 16531, 'clusters': 16
532, 'availability': 16533, 'liars': 16534, 'redabuse': 16535, 'surfers': 16536, 'shhhweeeetjayz': 16537, 'torme
nted': 16538, 'neckshoulderback': 16539, 'chelseylol': 16540, 'flashlight': 16541, 'wlda': 16542, 'dummyhead': 1
6543, 'deakin': 16544, 'prof': 16545, 'ahhhhhhh': 16546, 'yesyesyes': 16547, 'dumerils': 16548, 'hognose': 16549
, 'distraction': 16550, 'envious': 16551, 'longdistance': 16552, 'relationshipsshes': 16553, 'whiny': 16554, 'ki
dsitting': 16555, 'awesomerer': 16556, 'zoombezi': 16557, 'heey': 16558, 'sleepytown': 16559, 'summat': 16560, '
assembling': 16561, 'recharge': 16562, 'chocked': 16563, 'grammatical': 16564, 'horten': 16565, 'moss': 16566, '
k�': 16567, 'kairos': 16568, 'vegi': 16569, 'adress': 16570, 'splitting': 16571, 'suckss': 16572, 'endure': 16
573, 'subponea': 16574, 'movietwo': 16575, 'shante': 16576, 'nesquik': 16577, 'mammyy': 16578, 'thermal': 16579,
'gpu': 16580, 'toodaayy': 16581, 'faceless': 16582, 'occasional': 16583, 'cargo': 16584, 'bdayhes': 16585, 'foot
long': 16586, 'halal': 16587, 'placepiggy': 16588, 'lolol': 16589, 'originalohshit': 16590, 'planss': 16591, 're
arranging': 16592, 'shortening': 16593, 'saddens': 16594, 'groundim': 16595, 'fuckyoumonday': 16596, 'abusetasti
c': 16597, 'omgogmgo': 16598, 'deena': 16599, 'eastbay': 16600, 'unlike': 16601, 'bellyache': 16602, 'meeeeeee':
16603, 'restful': 16604, 'babee': 16605, 'yoooouuu': 16606, 'unfuzzy': 16607, 'bios': 16608, 'ggs': 16609, 'imho
': 16610, 'dunker': 16611, 'crissy': 16612, 'doinnnn': 16613, 'frankfurt': 16614, 'mariage': 16615, 'networks':
16616, 'itfabuseckas': 16617, 'tyvm': 16618, 'reviens': 16619, 'orchestraand': 16620, 'sigur': 16621, 'prettty':
16622, 'goooooooood': 16623, 'daaaaaancing': 16624, 'peolple': 16625, 'meebo': 16626, 'ebuddy': 16627, 'brotha':
16628, 'vod': 16629, 'tantra': 16630, 'kirki': 16631, 'drowning': 16632, 'sparklers': 16633, 'jls': 16634, 'oram
arecordscom': 16635, 'ohmigod': 16636, 'bradddd': 16637, 'yikeysss': 16638, 'harmless': 16639, 'weighed': 16640,
'doente': 16641, 'pumkpin': 16642, 'xmenwolverine': 16643, 'cordoning': 16644, 'leeloo': 16645, 'yayyyyyyyyyyy':
16646, 'crawled': 16647, 'lawyer': 16648, 'leavingg': 16649, 'boyfrienndd': 16650, 'finallly': 16651, 'adequatel
y': 16652, 'tvtotal': 16653, 'shanwest': 16654, 'sharffenberger': 16655, 'nttn': 16656, 'freelesson': 16657, 'fr
eistunde': 16658, 'curtains': 16659, 'rugs': 16660, 'creamy': 16661, 'twitterabuse': 16662, 'exclamation': 16663
, 'jailbroken': 16664, 'bricked': 16665, 'changin': 16666, 'buggers': 16667, 'interviewed': 16668, 'unusuals': 1
6669, 'muchachomalo': 16670, 'sweeter': 16671, 'conservative': 16672, 'bittercreek': 16673, 'hopnoxious': 16674,
'sweetgrass': 16675, 'tweethampton': 16676, 'researched': 16677, 'dami': 16678, 'flamenco': 16679, 'subforms': 1
6680, 'attempted': 16681, 'solea': 16682, 'marche': 16683, 'rosti': 16684, 'crepes': 16685, 'drawer': 16686, 'ka
shtam': 16687, 'similey': 16688, 'csk': 16689, 'trevor': 16690, 'kickbutt': 16691, 'recommendatiion': 16692, 'sn
ugglin': 16693, 'strighters': 16694, 'cassian': 16695, 'addressed': 16696, 'wwecom': 16697, 'meowmies': 16698, '
yippie': 16699, 'problemo': 16700, 'somerset': 16701, 'yyankees': 16702, 'reaches': 16703, 'parnoid': 16704, 'sa
msam': 16705, 'crooked': 16706, 'swam': 16707, 'dailybooth': 16708, 'workdays': 16709, 'ade': 16710, 'toasters':
16711, 'tremendously': 16712, 'holder': 16713, 'chilliin': 16714, 'mrazlooking': 16715, 'azs': 16716, 'lookn': 1
6717, 'tyson': 16718, 'thumbnail': 16719, 'wbc': 16720, 'counterprotests': 16721, 'waterfire': 16722, 'shoesless
': 16723, 'ardillaaaaaaaaaaaa': 16724, 'righti': 16725, 'recos': 16726, 'burfday': 16727, 'earthlink': 16728, 'e
aat': 16729, 'concentration': 16730, 'required': 16731, 'lmaoha': 16732, 'fx': 16733, 'suzi': 16734, 'scabs': 16
735, 'reals': 16736, 'hahahahahahahahahahahaha': 16737, 'luketic': 16738, 'heathfoxcom': 16739, 'masseusse': 167
40, 'buttocks': 16741, 'inch': 16742, 'galbladia': 16743, 'summy': 16744, 'ursssss': 16745, 'rebootiness': 16746
, 'kwijt': 16747, 'pinging': 16748, 'tenenen': 16749, 'tenen': 16750, 'uce': 16751, 'pgce': 16752, 'workbut': 16
753, 'bounty': 16754, 'vampyre': 16755, 'comixes': 16756, 'donloaded': 16757, 'tother': 16758, 'crutch': 16759,
'peircings': 16760, 'whacker': 16761, 'skypeeeeee': 16762, 'annoyingly': 16763, 'brats': 16764, 'constructions':
16765, 'poping': 16766, 'enthu': 16767, 'anshul': 16768, 'whants': 16769, 'workive': 16770, 'tries': 16771, 'goo
dhair': 16772, 'radishes': 16773, 'blooms': 16774, 'marchit': 16775, 'slowthen': 16776, 'heartbeat': 16777, 'exc
itedsad': 16778, 'dani': 16779, 'packin': 16780, 'chelmsford': 16781, 'demad': 16782, 'outsidewish': 16783, 'cru
isetour': 16784, 'swin': 16785, 'vacationing': 16786, 'unfollowingnot': 16787, 'fooood': 16788, 'tshwane': 16789
, 'fridayi': 16790, 'thomay': 16791, 'hadve': 16792, 'hardi': 16793, 'chow': 16794, 'noooowww': 16795, 'projectm
': 16796, 'notifications': 16797, 'kidi': 16798, 'loserville': 16799, 'sheeeeittt': 16800, 'bwaaaahhh': 16801, '
stamps': 16802, 'safeway': 16803, 'dippin': 16804, 'xanax': 16805, 'tsar': 16806, 'tyga': 16807, 'deleon': 16808
, 'tifanny': 16809, 'blews': 16810, 'teeshirt': 16811, 'faaar': 16812, 'tweetilicious': 16813, 'wonderfully': 16
814, 'bores': 16815, 'dressing': 16816, 'portableapps': 16817, 'eunice': 16818, 'kyna': 16819, 'tgc': 16820, 'ci
ege': 16821, 'cagalawans': 16822, 'trap': 16823, 'eurjpy': 16824, 'executed': 16825, 'linuxoutlaws': 16826, 'hmm
mstrained': 16827, 'tracky': 16828, 'daks': 16829, 'colder': 16830, 'muffler': 16831, 'bearings': 16832, 'autore
set': 16833, 'plinker': 16834, 'bedipod': 16835, 'playsoft': 16836, 'flowinsooooon': 16837, 'fancys': 16838, 'so
uthpark': 16839, 'communifuckingcationlearn': 16840, 'caffein': 16841, 'affair': 16842, 'hypergoodness': 16843,
'scored': 16844, 'mojito': 16845, 'aba': 16846, 'asd': 16847, 'intervene': 16848, 'watchers': 16849, 'epicfail':
16850, 'liao': 16851, 'burritos': 16852, 'enchilado': 16853, 'coffeei': 16854, 'sluggish': 16855, 'pitching': 16
856, 'lackluster': 16857, 'shortstops': 16858, 'mendoza': 16859, 'littelist': 16860, 'departed': 16861, 'grl': 1
6862, 'grecia': 16863, 'fershure': 16864, 'cropping': 16865, 'themhelp': 16866, 'idkim': 16867, 'listits': 16868
, 'valiantly': 16869, 'chargerrr': 16870, 'waching': 16871, 'grays': 16872, 'antomy': 16873, 'coogars': 16874, '
videoke': 16875, 'nyahahaha': 16876, 'enlargement': 16877, 'homerefreshed': 16878, 'justa': 16879, 'bitbac': 168
80, 'upsets': 16881, 'becasue': 16882, 'uset': 16883, 'youhhhhhhh': 16884, 'japenese': 16885, 'sumthinnn': 16886
, 'misssesss': 16887, 'supa': 16888, 'goers': 16889, 'cracks': 16890, 'myspacethey': 16891, 'caviar': 16892, 'sa
ta': 16893, 'ncq': 16894, 'marguerite': 16895, 'tweetville': 16896, 'jiulianis': 16897, 'oxoxoteambreezy': 16898
, 'bazillions': 16899, 'installs': 16900, 'carnt': 16901, 'fascination': 16902, 'satisfying': 16903, 'tims': 169
04, 'clemency': 16905, 'youregreat': 16906, 'retreat': 16907, 'murdere': 16908, 'fitzcarraldo': 16909, 'ambers':
16910, 'janeway': 16911, 'shatranjanpoli': 16912, 'andheri': 16913, 'heav': 16914, 'browse': 16915, 'transaction
s': 16916, 'misshu': 16917, 'overdo': 16918, 'weezy': 16919, 'itsm': 16920, 'fotos': 16921, 'showr': 16922, 'hse
': 16923, 'dusted': 16924, 'vacuummy': 16925, 'smoky': 16926, 'kmart': 16927, 'friendtwitter': 16928, 'selalu':
16929, 'ruang': 16930, 'untuk': 16931, 'sahabat': 16932, 'sterling': 16933, 'cooper': 16934, 'travelin': 16935,
'pepo': 16936, 'abuseleft': 16937, 'titlewhoops': 16938, 'webcams': 16939, 'hoepfner': 16940, 'burgfest': 16941,
'karlsruhe': 16942, 'buyers': 16943, 'remorseuve': 16944, 'daisys': 16945, 'chipping': 16946, 'alexandra': 16947
, 'belmont': 16948, 'apologise': 16949, 'deccy': 16950, 'shir': 16951, 'commission': 16952, 'amazoncom': 16953,
'certificates': 16954, 'buckonellen': 16955, 'electro': 16956, 'todayson': 16957, 'angrrry': 16958, 'dmed': 1695
9, 'steviej': 16960, 'homethe': 16961, 'regression': 16962, 'preorder': 16963, 'sphex': 16964, 'thong': 16965, '
ripple': 16966, 'emopunk': 16967, 'curried': 16968, 'mussels': 16969, 'octopus': 16970, 'alfred': 16971, 'monopo
ly': 16972, 'chocolatey': 16973, 'shmolan': 16974, 'mamagra': 16975, 'racers': 16976, 'phoenixfm': 16977, 'booya
': 16978, 'trades': 16979, 'abuseshouts': 16980, 'cluedo': 16981, 'snlkimyou': 16982, 'tonightjustin': 16983, 'm
eaner': 16984, 'transformer': 16985, 'abusesquooshabuse': 16986, 'overrated': 16987, 'dishesi': 16988, 'ville':
16989, 'disliking': 16990, 'rumor': 16991, 'cyndi': 16992, 'cannabis': 16993, 'marijuana': 16994, 'mothrs': 1699
5, 'outt': 16996, 'cloning': 16997, 'ccrying': 16998, 'listning': 16999, 'guava': 17000, 'handi': 17001, 'foxy':
17002, 'groceries': 17003, 'ventana': 17004, 'cielos': 17005, 'foundation': 17006, 'werevery': 17007, 'jesss': 1
7008, 'dot': 17009, 'puma': 17010, 'thunderrrr': 17011, 'blanky': 17012, 'daysome': 17013, 'pervert': 17014, 'ro
e': 17015, 'anywayss': 17016, 'sleeeeeeepz': 17017, 'sheeeeit': 17018, 'bunuelos': 17019, 'nintendogs': 17020, '
abusemomabusenot': 17021, 'adoptive': 17022, 'lmk': 17023, 'immense': 17024, 'agreeable': 17025, 'notebook': 170
26, 'dells': 17027, 'warrenty': 17028, 'hollered': 17029, 'dnw': 17030, 'myspaceee': 17031, 'underthesink': 1703
2, 'safety': 17033, 'locks': 17034, 'fights': 17035, 'blcok': 17036, 'haox': 17037, 'linky': 17038, 'worky': 170
39, 'mimi': 17040, 'heartz': 17041, 'dayenjoy': 17042, 'evicted': 17043, 'abuserolls': 17044, 'minna': 17045, 'o
fcoooursee': 17046, 'pluss': 17047, 'incentive': 17048, 'akh': 17049, 'sayed': 17050, 'hassans': 17051, 'twoloer
s': 17052, 'candlelight': 17053, 'suites': 17054, 'emoticons': 17055, 'lan': 17056, 'compre': 17057, 'raha': 170
58, 'abhi': 17059, 'mejer': 17060, 'blatant': 17061, 'aust': 17062, 'unofficially': 17063, 'geelong': 17064, 'ev
aluation': 17065, 'tutees': 17066, 'aloof': 17067, 'condescending': 17068, 'thar': 17069, 'illustrate': 17070, '
feeeel': 17071, 'rainforest': 17072, 'pugsly': 17073, 'otrip': 17074, 'snitchsneeker': 17075, 'potted': 17076, '
geraniums': 17077, 'improving': 17078, 'steves': 17079, 'rida': 17080, 'stretching': 17081, 'enlisted': 17082, '
labo': 17083, 'bedsorta': 17084, 'thatyoure': 17085, 'armin': 17086, 'leopold': 17087, 'flames': 17088, 'dragonf
orce': 17089, 'johno': 17090, 'suffolk': 17091, 'menagerie': 17092, 'problematic': 17093, 'delirious': 17094, 'o
rigami': 17095, 'auction': 17096, 'marshmellows': 17097, 'cramcrackers': 17098, 'richelle': 17099, 'mead': 17100
, 'succubus': 17101, 'bluesfabulous': 17102, 'relaxful': 17103, 'miine': 17104, 'issuesvery': 17105, 'challenges
': 17106, 'twitterfriends': 17107, 'beb': 17108, 'innn': 17109, 'destination': 17110, 'peckishno': 17111, 'hoora
h': 17112, 'taker': 17113, 'callespecially': 17114, 'silverstones': 17115, 'iracing': 17116, 'scanned': 17117, '
janelle': 17118, 'pamela': 17119, 'esque': 17120, 'expires': 17121, 'roundtrip': 17122, 'skater': 17123, 'ofhot'
: 17124, 'catherine': 17125, 'i�ll': 17126, 'rewatch': 17127, 'todayin': 17128, 'preparation': 17129, 'tenner'
: 17130, 'bunking': 17131, 'makeupyou': 17132, 'robertson': 17133, 'abusedream': 17134, 'jobabuse': 17135, 'pung
': 17136, 'extranauseous': 17137, 'peristalsis': 17138, 'greatif': 17139, 'gott': 17140, 'stuffit': 17141, 'over
r': 17142, 'forv': 17143, 'cashis': 17144, 'kristi': 17145, 'oooooooh': 17146, 'eeeeeeekkkkkkk': 17147, 'showerw
ere': 17148, 'churchtime': 17149, 'fused': 17150, 'fusedgaming': 17151, 'idkk': 17152, 'duckett': 17153, 'festiv
alswell': 17154, 'fests': 17155, 'soonmust': 17156, 'sleepup': 17157, 'blastinggg': 17158, 'bbye': 17159, 'bioch
em': 17160, 'waaaaahhhhhh': 17161, 'weighting': 17162, 'twitterslowly': 17163, 'aroundhah': 17164, 'eyed': 17165
, 'weeknend': 17166, 'encouragementit': 17167, 'batch': 17168, 'earthquakes': 17169, 'showertrafficfactory': 171
70, 'squirrellist': 17171, 'sliver': 17172, 'celebratory': 17173, 'unsuccesful': 17174, 'stellas': 17175, 'nawil
l': 17176, 'yyyyyyyyyoooooooooouuuuu': 17177, 'clubhouse': 17178, 'wl': 17179, 'benders': 17180, 'ahora': 17181,
'sturday': 17182, 'tonightam': 17183, 'smoothstreaming': 17184, 'usersfanfrickingtastic': 17185, 'muhaha': 17186
, 'martha': 17187, 'mnth': 17188, 'pelangi': 17189, 'hotcold': 17190, 'yayz': 17191, 'ists': 17192, 'thanksi': 1
7193, 'thatbesides': 17194, 'cravin': 17195, 'weebo': 17196, 'remake': 17197, 'hollywoodjust': 17198, 'furbabies
': 17199, 'uhoooh': 17200, 'scratchy': 17201, 'cramped': 17202, 'rightabuse': 17203, 'eurgh': 17204, 'mornins':
17205, 'julywhat': 17206, 'doa': 17207, 'trialingfor': 17208, 'screeching': 17209, 'lololi': 17210, 'sawn': 1721
1, 'moshing': 17212, 'confetti': 17213, 'akon': 17214, 'outfits': 17215, 'esquire': 17216, 'fantasize': 17217, '
megan': 17218, 'prd': 17219, 'taskbar': 17220, 'corrupt': 17221, 'chkdisk': 17222, 'upwards': 17223, 'abusehappy
danceabuse': 17224, 'geogeektv': 17225, 'warmly': 17226, 'anywayi': 17227, 'omgthat': 17228, 'deadly': 17229, 'g
reaaat': 17230, 'pleaseeeeee': 17231, 'prematurely': 17232, 'cayogial': 17233, 'bz': 17234, 'baptist': 17235, 'm
issionaries': 17236, 'awwwwweeee': 17237, 'compaq': 17238, 'toodle': 17239, 'pip': 17240, 'trop': 17241, 'duckra
ces': 17242, 'beara': 17243, 'seal': 17244, 'whale': 17245, 'magnolias': 17246, 'babysit': 17247, 'peacelovejona
s': 17248, 'imissu': 17249, 'jig': 17250, 'quitsmokingdiary': 17251, 'yaaaaaayy': 17252, 'timothy': 17253, 'nige
l': 17254, 'inexplicably': 17255, 'jackalope': 17256, 'intrepid': 17257, 'ibex': 17258, 'laffy': 17259, 'taffys'
: 17260, 'herrrrr': 17261, 'snappier': 17262, 'responsive': 17263, 'abusecough': 17264, 'airy': 17265, 'didshed'
: 17266, 'exspecially': 17267, 'mcfox': 17268, 'sadie': 17269, 'atrak': 17270, 'youbeen': 17271, 'divx': 17272,
'taura': 17273, 'hanafiah': 17274, 'morreee': 17275, 'shoott': 17276, 'fraudster': 17277, 'moo': 17278, 'cello':
17279, 'zeke': 17280, 'cramming': 17281, 'olina': 17282, 'shoreee': 17283, 'hike': 17284, 'brighten': 17285, 'qu
arantine': 17286, 'sinner': 17287, 'femme': 17288, 'fatale': 17289, 'photographers': 17290, 'tined': 17291, 'moi
sturiser': 17292, 'glossary': 17293, 'audi': 17294, 'joburg': 17295, 'lanky': 17296, 'lindsay': 17297, 'fansite'
: 17298, 'livejournal': 17299, 'beeeyeteeseehedge': 17300, 'pundits': 17301, 'forhow': 17302, 'prowse': 17303, '
disabled': 17304, 'carrot': 17305, 'headacheall': 17306, 'inflicted': 17307, 'deadgirl': 17308, 'stare': 17309,
'intellectually': 17310, 'severing': 17311, 'disagreement': 17312, 'tabletop': 17313, 'programming': 17314, 'aun
tiegail': 17315, 'hivis': 17316, 'vests': 17317, 'gails': 17318, 'childminding': 17319, 'fritter': 17320, 'jessi
ca': 17321, 'alba': 17322, 'brunt': 17323, 'todaycold': 17324, 'reaped': 17325, 'ohmygod': 17326, 'aaaaawwwwwww'
: 17327, 'nds': 17328, 'ghmettallica': 17329, 'abusecryyabuse': 17330, 'raerae': 17331, 'watchingn': 17332, 'jan
et': 17333, 'nostalgic': 17334, 'tron': 17335, 'michellethis': 17336, 'occuring': 17337, 'donut': 17338, 'procra
stination': 17339, 'assumption': 17340, 'battled': 17341, 'processor': 17342, 'unintuitive': 17343, 'simplicity'
: 17344, 'aaahaha': 17345, 'creatures': 17346, 'goodbey': 17347, 'pressents': 17348, 'bowlful': 17349, 'headless
': 17350, 'shush': 17351, 'ulcers': 17352, 'shrug': 17353, 'itcute': 17354, 'hawksmoor': 17355, 'matalatine': 17
356, 'stephmust': 17357, 'byron': 17358, 'wiggity': 17359, 'submit': 17360, 'failblogorg': 17361, 'headrush': 17
362, 'irwin': 17363, 'delays': 17364, 'aquatards': 17365, 'ging': 17366, 'borde': 17367, 'litt': 17368, 'trist':
17369, 'lese': 17370, 'siste': 17371, 'tweetsen': 17372, 'prooved': 17373, 'gizmo': 17374, 'growls': 17375, 'pru
ple': 17376, 'fingie': 17377, 'augh': 17378, 'boytoy': 17379, 'tish': 17380, 'crv': 17381, 'duckie': 17382, 'tub
eyyou': 17383, 'thugh': 17384, 'smashspaceningcom': 17385, 'ssbb': 17386, 'caity': 17387, 'itmargie': 17388, 'gr
eenwizard': 17389, 'closely': 17390, 'bench': 17391, 'psychiatric': 17392, 'scratchings': 17393, 'byee': 17394,
'unfortunetly': 17395, 'tigers': 17396, 'symphonic': 17397, 'jeeves': 17398, 'noose': 17399, 'lmfaaoooo': 17400,
'videoyou': 17401, 'itsoooo': 17402, 'gallstones': 17403, 'pisssing': 17404, 'streams': 17405, 'earning': 17406,
'cashouts': 17407, 'marnier': 17408, 'souffle': 17409, 'metaphor': 17410, 'served': 17411, 'transparency': 17412
, 'opaqueness': 17413, 'retsi': 17414, 'eighties': 17415, 'migrating': 17416, 'shoutbox': 17417, 'overheat': 174
18, 'skirts': 17419, 'lappie': 17420, 'crooning': 17421, 'adobo': 17422, 'regards': 17423, 'gregshowing': 17424,
'headzup': 17425, 'neaby': 17426, 'pffffffffff': 17427, 'macaroons': 17428, 'barone': 17429, 'damns': 17430, 'ob
scurity': 17431, 'noble': 17432, 'comforts': 17433, 'cigarettes': 17434, 'soooolets': 17435, 'rjwtf': 17436, 'as
signed': 17437, 'warmer': 17438, 'chilliness': 17439, 'yesall': 17440, 'mariahs': 17441, 'vocabulary': 17442, 'j
oplin': 17443, 'munsay': 17444, 'subcribed': 17445, 'bellshill': 17446, 'bothwell': 17447, 'tunnocks': 17448, 'f
atigue': 17449, 'lolzz': 17450, 'criedmakes': 17451, 'badge': 17452, 'updont': 17453, 'nanaimo': 17454, 'boyfran
n': 17455, 'sprung': 17456, 'aaa': 17457, 'pleasantly': 17458, 'nungguin': 17459, 'rs': 17460, 'asihkayaknya': 1
7461, 'ini': 17462, 'yeayy': 17463, 'undeleted': 17464, 'gregg': 17465, 'cancellation': 17466, 'stocked': 17467,
'exicted': 17468, 'coached': 17469, 'fundamentals': 17470, 'detector': 17471, 'brickmans': 17472, 'davey': 17473
, 'eeeeevvveeerrrr': 17474, 'tempat': 17475, 'apa': 17476, 'yang': 17477, 'paling': 17478, 'cocok': 17479, 'jupi
ter': 17480, 'seru': 17481, 'meca': 17482, 'milonzzi': 17483, 'proposes': 17484, 'triangle': 17485, 'nefuew': 17
486, 'anurag': 17487, 'dtown': 17488, 'brokt': 17489, 'chut': 17490, 'vy': 17491, 'qu�': 17492, 'hik': 17493,
'phi': 17494, 'hc': 17495, 'kh�a': 17496, 'kin': 17497, 'thc': 17498, 'kh�': 17499, 'gp': 17500, 'nun': 1750
1, 'hurley': 17502, 'wahey': 17503, 'formalstreetalternate': 17504, 'swensens': 17505, 'huts': 17506, 'crunchy':
17507, 'itsjeff': 17508, 'sooni': 17509, 'tellin': 17510, 'bishop': 17511, 'exeter': 17512, 'yezzzir': 17513, 'l
iverpools': 17514, 'museums': 17515, 'beezy': 17516, 'twiiterlove': 17517, 'manned': 17518, 'differs': 17519, 'l
ibrarykeychainssystemkeychain': 17520, 'ofchas': 17521, 'sunshineat': 17522, 'urghh': 17523, 'valuable': 17524,
'yetbut': 17525, 'moff': 17526, 'satdee': 17527, 'bangalore': 17528, 'menudo': 17529, 'quizon': 17530, 'fridaybo
oo': 17531, 'abuseiphone': 17532, 'afterlife': 17533, 'availble': 17534, 'chennai': 17535, 'nutritious': 17536,
'tiday': 17537, 'whaat': 17538, 'nyeh': 17539, 'williamssssss': 17540, 'beeand': 17541, 'tweety': 17542, 'leakyc
on': 17543, 'pussycat': 17544, 'degeneres': 17545, 'caltrain': 17546, 'pf': 17547, 'changsgot': 17548, 'hwy': 17
549, 'cwack': 17550, 'punchy': 17551, 'pager': 17552, 'blankie': 17553, 'icebox': 17554, 'coogan': 17555, 'moran
': 17556, 'nesscaf�': 17557, 'squirted': 17558, 'ftl': 17559, 'amigo': 17560, 'medhurst': 17561, 'godness': 17
562, 'parentsthats': 17563, 'beaten': 17564, 'cardiff': 17565, 'ambulances': 17566, 'roomi': 17567, 'jbobsessed'
: 17568, 'bookface': 17569, 'buyin': 17570, 'dependsundergarments': 17571, 'palnice': 17572, 'todayhave': 17573,
'nup': 17574, 'zeros': 17575, 'yetgoing': 17576, 'allo': 17577, 'troublesthanks': 17578, 'contand': 17579, 'grie
f': 17580, 'aiza': 17581, 'wider': 17582, 'juneau': 17583, 'fd': 17584, 'comforteating': 17585, 'essense': 17586
, 'pricy': 17587, 'dinners': 17588, 'tenderloin': 17589, 'greens': 17590, 'trickery': 17591, 'exasperation': 175
92, 'hijacked': 17593, 'uglier': 17594, 'yeeet': 17595, 'reid': 17596, 'dissing': 17597, 'wereoctopus': 17598, '
redeems': 17599, 'rescuing': 17600, 'werespider': 17601, 'iwonder': 17602, 'iget': 17603, 'nightfinally': 17604,
'bestbuy': 17605, 'sumtimes': 17606, 'twittercopytopify': 17607, 'deff': 17608, 'weekened': 17609, '��h': 17
610, 'talkers': 17611, 'unleashed': 17612, 'henpecking': 17613, 'celticslakers': 17614, 'rematch': 17615, 'jolen
e': 17616, 'yuk': 17617, 'poppin': 17618, 'document': 17619, 'hungrygetting': 17620, 'rf': 17621, 'dndn': 17622,
'jameson': 17623, 'socialmediatv': 17624, 'videoblah': 17625, 'pouts': 17626, 'yourname': 17627, 'usmobilereuter
scommobilemanyarticleprdturl': 17628, 'kimbeommie': 17629, 'sins': 17630, 'fonzie': 17631, 'breezesounds': 17632
, 'yesma': 17633, 'upbeat': 17634, 'chergo': 17635, 'jodies': 17636, 'registeration': 17637, 'houstons': 17638,
'grave': 17639, 'museum': 17640, 'dipped': 17641, 'allsort': 17642, 'eo': 17643, 'zavaroni': 17644, 'barrymore':
17645, 'entries': 17646, 'headeache': 17647, 'duc': 17648, 'adrenaline': 17649, 'sharn': 17650, 'saltvinegarthey
': 17651, 'tasted': 17652, 'yessssssir': 17653, 'biscuits': 17654, 'urgently': 17655, 'scales': 17656, 'robots':
17657, 'trim': 17658, 'coking': 17659, 'invitw': 17660, 'selfdenial': 17661, 'harmful': 17662, 'dodgers': 17663,
'playoff': 17664, 'canadatheres': 17665, 'pringles': 17666, 'aski': 17667, 'replybut': 17668, 'crepe': 17669, 'f
iremen': 17670, 'mindblowing': 17671, 'tomorrowland': 17672, 'tours': 17673, 'thatmakes': 17674, 'difficulty': 1
7675, 'idmfinal': 17676, 'logins': 17677, 'lola': 17678, 'scarfed': 17679, 'feastfriday': 17680, 'gingg': 17681,
'mayjah': 17682, 'otara': 17683, 'powerdvd': 17684, 'screenies': 17685, 'bonkers': 17686, 'beg': 17687, 'pleeeee
eeassseeeeeee': 17688, 'coleman': 17689, 'sandwiches': 17690, 'theese': 17691, 'omggg': 17692, 'wantewd': 17693,
'gregor': 17694, 'doable': 17695, 'goodnights': 17696, 'nondried': 17697, 'afro': 17698, 'bebeisis': 17699, 'cha
nve': 17700, 'elisabeth': 17701, 'aroundalmost': 17702, 'superseeded': 17703, 'alyso': 17704, 'stoner': 17705, '
benton': 17706, 'messae': 17707, 'coment': 17708, 'suitable': 17709, 'norm': 17710, 'melo': 17711, 'noesss': 177
12, 'tickling': 17713, 'giggling': 17714, 'lookingbut': 17715, 'arrow': 17716, 'abusefollowingabuse': 17717, 'ab
useremoveabuse': 17718, 'refusn': 17719, 'tyg': 17720, 'tet': 17721, 'marwell': 17722, 'thoughgood': 17723, 'lol
lll': 17724, 'neighbour': 17725, 'fond': 17726, 'nickelback': 17727, 'afterjune': 17728, 'rockett': 17729, 'stic
kam': 17730, 'arghhhh': 17731, 'driven': 17732, 'yos': 17733, 'auditioning': 17734, 'zeb': 17735, 'napped': 1773
6, 'woodland': 17737, 'swaying': 17738, 'ppphhhhhttttt': 17739, 'abusethats': 17740, 'aroundabuse': 17741, 'hoov
ering': 17742, 'warcraft': 17743, 'spiderwoman': 17744, 'bordum': 17745, 'tulips': 17746, 'rels': 17747, 'wowi':
17748, 'bookmarksi': 17749, 'bedalii': 17750, 'hungryif': 17751, 'isafailure': 17752, 'communicated': 17753, 'co
ldso': 17754, 'nowt': 17755, 'whispering': 17756, 'jered': 17757, 'cydia': 17758, 'springboard': 17759, 'tweeple
way': 17760, 'dissapoint': 17761, 'instantly': 17762, 'thatyo': 17763, 'directors': 17764, 'hehesorry': 17765, '
blending': 17766, 'outsidee': 17767, 'revisionn': 17768, 'musiic': 17769, 'desperatethat': 17770, 'alreadyyyy':
17771, 'cqc': 17772, 'ancient': 17773, 'forgotitll': 17774, 'youtubeso': 17775, 'xs': 17776, 'yeee': 17777, 'day
mes': 17778, 'binks': 17779, 'livewriters': 17780, 'targeted': 17781, 'ballroom': 17782, 'joshy': 17783, 'pooyou
ll': 17784, 'hypnotyst': 17785, 'jour': 17786, 'mommiewhat': 17787, 'whoooooo': 17788, 'spcn': 17789, 'tapes': 1
7790, 'conferencepfff': 17791, 'bankroll': 17792, 'stays': 17793, 'whine': 17794, 'fixd': 17795, 'awwthats': 177
96, 'roooop': 17797, 'topol': 17798, 'looooved': 17799, 'abusecant': 17800, 'waitabuse': 17801, 'recourse': 1780
2, 'atty': 17803, 'blossom': 17804, 'joins': 17805, 'safer': 17806, 'sphere': 17807, 'muji': 17808, 'jts': 17809
, 'disks': 17810, 'ruxbury': 17811, 'fallower': 17812, 'stringer': 17813, 'akankah': 17814, 'suatu': 17815, 'har
i': 17816, 'mendapatkannya': 17817, 'amything': 17818, 'sence': 17819, 'eyeshadows': 17820, 'isp': 17821, 'gathe
r': 17822, 'injustice': 17823, 'acceptable': 17824, 'stud': 17825, 'eastern': 17826, 'ticks': 17827, 'skillslol'
: 17828, 'ripstick': 17829, 'sorors': 17830, 'label': 17831, 'grrrl': 17832, 'aleeshas': 17833, 'jont': 17834, '
realising': 17835, 'sheltered': 17836, 'upbringing': 17837, 'picker': 17838, 'retake': 17839, 'patricks': 17840,
'coffiees': 17841, 'pleaz': 17842, 'westend': 17843, 'grandad': 17844, 'weekmy': 17845, 'moovieand': 17846, 'sit
ed': 17847, 'saras': 17848, 'rhiannon': 17849, 'lastnight': 17850, 'eeeeep': 17851, 'ahahahahahaha': 17852, 'all
tired': 17853, 'voyage': 17854, 'mccarran': 17855, 'cyah': 17856, 'warmt': 17857, 'goodniqht': 17858, 'sharpie':
17859, 'dangerously': 17860, 'feys': 17861, 'veggiesespecially': 17862, 'nonsunny': 17863, 'fulltime': 17864, 'p
ickler': 17865, 'zommgg': 17866, 'screamo': 17867, 'baitersss': 17868, 'abuseteeheeabuseand': 17869, 'abusehaloa
buse': 17870, 'rusty': 17871, 'tm': 17872, 'whilestupid': 17873, 'shopstill': 17874, 'thennn': 17875, 'shards':
17876, 'pokey': 17877, 'ucla': 17878, 'bookstorenow': 17879, 'haiszt': 17880, 'abusewhewabuse': 17881, 'shediddy
': 17882, 'okasan': 17883, 'mjb': 17884, 'cantus': 17885, 'truss': 17886, 'clyde': 17887, 'jayzan': 17888, 'bmi'
: 17889, 'obesed': 17890, 'thanku': 17891, 'damali': 17892, 'championing': 17893, 'activex': 17894, 'ladyi': 178
95, 'booey': 17896, 'comms': 17897, 'parsley': 17898, 'raimis': 17899, 'amcmain': 17900, 'garnier': 17901, 'drug
storecom': 17902, 'mundo': 17903, 'thirst': 17904, 'chanwook': 17905, 'felicia': 17906, 'becase': 17907, 'scratc
hed': 17908, 'woopee': 17909, 'fixes': 17910, 'dreadzone': 17911, 'liferuin': 17912, 'musictrauma': 17913, 'jass
': 17914, 'wari': 17915, 'accessing': 17916, 'istore': 17917, 'kari': 17918, 'exstudent': 17919, 'sudying': 1792
0, 'hailing': 17921, 'agodo': 17922, 'replieslol': 17923, 'qw': 17924, 'mooneys': 17925, 'zoningconcept': 17926,
'heavenfr': 17927, 'trish': 17928, 'coffees': 17929, 'benz': 17930, 'serviced': 17931, 'rightards': 17932, 'aunt
ys': 17933, 'theem': 17934, 'mascara': 17935, 'bumf': 17936, 'shaving': 17937, 'biggie': 17938, 'geocachingcom':
17939, 'delivering': 17940, 'exposure': 17941, 'transcribing': 17942, 'tenth': 17943, 'piggies': 17944, 'hmpf':
17945, 'bullying': 17946, 'calorie': 17947, 'screenings': 17948, 'abusetaps': 17949, 'shoulderabuse': 17950, 'ch
iclit': 17951, 'norskart': 17952, 'uit': 17953, 'shaken': 17954, 'cherris': 17955, 'commies': 17956, 'hazy': 179
57, 'stoopid': 17958, 'dha': 17959, 'cece': 17960, 'chanqes': 17961, 'unfinished': 17962, 'cropped': 17963, 'dor
ky': 17964, 'joco': 17965, 'dabusecon': 17966, 'tweefight': 17967, 'smthng': 17968, 'odee': 17969, 'lonq': 17970
, 'mpre': 17971, 'manga': 17972, 'inboxes': 17973, 'disposable': 17974, 'ointment': 17975, 'fxxxmylife': 17976,
'chapel': 17977, 'sy': 17978, 'stating': 17979, 'inventing': 17980, 'pockets': 17981, 'delcious': 17982, 'ontd':
17983, 'rel': 17984, 'soc': 17985, 'lara': 17986, 'expression': 17987, 'gucci': 17988, 'kryptik': 17989, 'wel':
17990, 'arbit': 17991, 'kiis': 17992, 'fm': 17993, 'dnd': 17994, 'packedthinking': 17995, 'choreographing': 1799
6, 'observation': 17997, 'aside': 17998, 'riverwalk': 17999, 'aaaaaahhhhhhhh': 18000, 'sweeeeeeet': 18001, 'carb
onated': 18002, 'howto': 18003, 'guideless': 18004, 'rebellion': 18005, 'gaeta': 18006, 'uft': 18007, 'eighth':
18008, 'chewed': 18009, 'challah': 18010, 'maker': 18011, 'makerfaire': 18012, 'sword': 18013, 'strongest': 1801
4, 'thinkdunno': 18015, 'coronas': 18016, 'pastries': 18017, 'bryce': 18018, 'elementary': 18019, 'aboutim': 180
20, 'ferris': 18021, 'niiick': 18022, 'asasgdygyasdgy': 18023, 'dian': 18024, 'deng': 18025, 'tsi': 18026, 'danc
ingwaiting': 18027, 'newww': 18028, 'keswick': 18029, 'messageabuse': 18030, 'aaaaall': 18031, 'beathing': 18032
, 'victoias': 18033, 'tallebudgera': 18034, 'anitas': 18035, 'treecould': 18036, 'huaaahhhhh': 18037, 'jupaa': 1
8038, 'resaaaa': 18039, 'awas': 18040, 'kaliaaannn': 18041, 'ought': 18042, 'moives': 18043, 'whiteman': 18044,
'jayem': 18045, 'esr': 18046, 'darren': 18047, 'proppa': 18048, 'tayo': 18049, 'tigerheat': 18050, 'shawn': 1805
1, 'wimbledon': 18052, 'amadeus': 18053, 'chorus': 18054, 'grandrapids': 18055, 'jljf': 18056, 'tetens': 18057,
'patrons': 18058, 'calmin': 18059, 'braunig': 18060, 'subsiding': 18061, 'cancelling': 18062, 'javaone': 18063,
'trekkie': 18064, 'takeout': 18065, 'wasabi': 18066, 'vodka': 18067, 'ale': 18068, 'scofiled': 18069, 'braxton':
18070, 'trois': 18071, 'toasty': 18072, 'owi': 18073, 'credo': 18074, 'brighi': 18075, 'seeker': 18076, 'setting
sdesign': 18077, 'bottem': 18078, 'transform': 18079, 'songgoeswrongs': 18080, 'alma': 18081, 'lovebug': 18082,
'yourbiggestfan': 18083, 'gman': 18084, 'dayyyyyyyyyyyy': 18085, 'rescuers': 18086, 'dru': 18087, 'mickey': 1808
8, 'abuseshouldabuse': 18089, 'alls': 18090, 'loveafter': 18091, 'zyrtec': 18092, 'stressiest': 18093, 'bleeeeah
': 18094, 'lovelovelove': 18095, 'overture': 18096, 'jets': 18097, 'ida': 18098, 'ravit': 18099, 'hackneys': 181
00, 'haze': 18101, 'lorenzo': 18102, 'jarvis': 18103, 'switches': 18104, 'huaaaaa': 18105, 'fucktards': 18106, '
journalist': 18107, 'athletes': 18108, 'joanna': 18109, 'bown': 18110, 'upugg': 18111, 'rymed': 18112, 'cu': 181
13, 'xxxxxxx': 18114, 'abbreviation': 18115, 'degreeabuse': 18116, 'inspirational': 18117, 'spector': 18118, 'pr
eschoolwaiting': 18119, 'heremaking': 18120, 'ans': 18121, 'lionkicked': 18122, 'copying': 18123, 'enuh': 18124,
'hunwas': 18125, 'avin': 18126, 'farhappy': 18127, 'thenis': 18128, 'chf': 18129, 'ringmore': 18130, 'piercingsi
t': 18131, 'utmost': 18132, 'allmothers': 18133, 'royals': 18134, 'chelsey': 18135, 'worldis': 18136, 'inovera':
18137, 'jakki': 18138, 'battles': 18139, 'rare': 18140, 'babsi': 18141, 'pffff': 18142, 'msft': 18143, 'pox': 18
144, 'doggone': 18145, 'ponderosa': 18146, 'baaaaaaaad': 18147, 'tdub': 18148, 'ahart': 18149, 'wrox': 18150, 'l
oveyoufletch': 18151, 'faddle': 18152, 'blackpool': 18153, 'magix': 18154, 'rhythm': 18155, 'andswere': 18156, '
mocking': 18157, 'isolated': 18158, 'consists': 18159, 'ofhayley': 18160, 'williamsjosh': 18161, 'farrozac': 181
62, 'farrojeremy': 18163, 'beagle': 18164, 'oripei': 18165, 'suckits': 18166, 'answear': 18167, 'inc': 18168, 's
komer': 18169, 'uy': 18170, 'abuseofficialabuse': 18171, 'greeeeeat': 18172, 'storyyyyy': 18173, 'erasure': 1817
4, 'aaaaaah': 18175, 'caled': 18176, 'cakesthe': 18177, 'nobobys': 18178, 'wlan': 18179, 'olivia': 18180, 'ipodi
ng': 18181, 'invention': 18182, 'mutitasking': 18183, 'abuseclassyabuse': 18184, 'chickened': 18185, 'nurofen':
18186, 'varnishing': 18187, 'babyblue': 18188, 'ughhhhhhhhh': 18189, 'anwhere': 18190, 'garcia': 18191, 'improvm
ent': 18192, 'chiptune': 18193, 'coincidently': 18194, 'whers': 18195, 'newss': 18196, 'nonjudgmental': 18197, '
brandnew': 18198, 'oist': 18199, 'sakit': 18200, 'abusekiss': 18201, 'deezy': 18202, 'xxoxo': 18203, 'caant': 18
204, 'iht': 18205, 'ahar': 18206, 'cleavage': 18207, 'cheaptweet': 18208, 'backso': 18209, 'prepre': 18210, 'pit
mans': 18211, 'macedonia': 18212, 'killeen': 18213, 'qav': 18214, 'fifties': 18215, 'sometimesdid': 18216, 'mala
mute': 18217, 'cesna': 18218, 'pyee': 18219, 'pesky': 18220, 'dollaz': 18221, 'yayyou': 18222, 'chabibi': 18223,
'cloooseee': 18224, 'omega': 18225, 'movein': 18226, 'ericas': 18227, 'shopdoesnt': 18228, 'ealing': 18229, 'wmi
na': 18230, 'gymthis': 18231, 'wno': 18232, 'chairman': 18233, 'lili': 18234, 'homielili': 18235, 'seaside': 182
36, 'feedicon': 18237, 'rocstar': 18238, 'eink': 18239, 'shortcut': 18240, 'englands': 18241, 'loveit': 18242, '
believer': 18243, 'yoooooooooooooooooooou': 18244, 'occupying': 18245, 'legless': 18246, 'stillborn': 18247, 'sp
aniels': 18248, 'dollarama': 18249, 'sketches': 18250, 'und': 18251, 'yeeeehaaa': 18252, 'omigoodness': 18253, '
popsicle': 18254, 'relaxant': 18255, 'narcotic': 18256, 'moist': 18257, 'duckies': 18258, 'burnside': 18259, 'ah
so': 18260, 'moes': 18261, 'trekky': 18262, 'koool': 18263, 'breesaholic': 18264, 'abusefeels': 18265, 'speciala
buse': 18266, 'abusegame': 18267, 'accumulating': 18268, 'finance': 18269, 'ira': 18270, 'scuba': 18271, 'pdf':
18272, 'stdinpdf': 18273, 'compromise': 18274, 'usael': 18275, 'notmuch': 18276, 'lonesome': 18277, 'paulevans':
18278, 'congradts': 18279, 'gleneagles': 18280, 'receptionscant': 18281, 'gochat': 18282, 'btr': 18283, 'tilas':
18284, 'morales': 18285, 'khan': 18286, 'products': 18287, 'marriedand': 18288, 'braun': 18289, 'mature': 18290,
'twitterbugsnothing': 18291, 'loooooooooong': 18292, 'liein': 18293, 'splinters': 18294, 'painfulbut': 18295, 'h
eroic': 18296, 'godgiven': 18297, 'coins': 18298, 'snoops': 18299, 'chipped': 18300, 'gtown': 18301, 'friending'
: 18302, 'zoozoo': 18303, 'vodas': 18304, 'ilike': 18305, 'devel': 18306, 'storming': 18307, 'godmy': 18308, 'ha
vaianas': 18309, 'molded': 18310, 'spat': 18311, 'caturday': 18312, 'greatexcept': 18313, 'storymy': 18314, 'bra
vo': 18315, 'techie': 18316, 'loca': 18317, 'memorizing': 18318, 'trainings': 18319, 'novi': 18320, 'located': 1
8321, 'bargain': 18322, 'ughhhhhhhh': 18323, 'sus': 18324, 'sarms': 18325, 'huff': 18326, 'seriouslyit': 18327,
'phatass': 18328, 'desperatly': 18329, 'vanessas': 18330, 'esh': 18331, 'cary': 18332, 'marytyphoid': 18333, 'jo
urneys': 18334, 'thursdayyy': 18335, 'broi': 18336, 'wesley': 18337, 'wooop': 18338, 'drunkbowling': 18339, 'fal
kland': 18340, 'mtbcut': 18341, 'iusedtobescaredof': 18342, 'enw': 18343, 'optimized': 18344, 'jscss': 18345, 'c
aching': 18346, 'deploy': 18347, 'slowed': 18348, 'eeeeeewwwwwwww': 18349, 'smartest': 18350, 'dalden': 18351, '
officials': 18352, 'kirin': 18353, 'metamorph': 18354, 'vonabe': 18355, 'quantum': 18356, 'moleskine': 18357, 'h
omesan': 18358, 'jose': 18359, 'worksthat': 18360, 'knitteraticomau': 18361, 'ravelry': 18362, 'fraser': 18363,
'pouch': 18364, 'elephants': 18365, 'pleease': 18366, 'daysthe': 18367, 'fij': 18368, 'carls': 18369, 'hopeflly'
: 18370, 'boredboots': 18371, 'stillll': 18372, 'civics': 18373, 'jurybased': 18374, 'refunds': 18375, 'lakas':
18376, 'nalang': 18377, 'bandana': 18378, 'cardsalso': 18379, 'dayne': 18380, 'romancescomedies': 18381, 'disate
rous': 18382, 'ferrari': 18383, 'findin': 18384, 'fau': 18385, 'steet': 18386, 'slowmotion': 18387, 'tynisha': 1
8388, 'keli': 18389, 'soprano': 18390, 'reflection': 18391, 'wizz': 18392, 'sip': 18393, 'bfe': 18394, 'ciggaret
tes': 18395, 'wwe': 18396, 'burgundy': 18397, 'xb': 18398, 'minivan': 18399, 'shawdows': 18400, 'curves': 18401,
'pledge': 18402, 'sunnybank': 18403, 'bedd': 18404, 'hypnosis': 18405, 'abusehappy': 18406, 'dayabuse': 18407, '
pooling': 18408, 'swined': 18409, 'mindas': 18410, 'musicall': 18411, 'twilightguycom': 18412, 'kalebnationcom':
18413, 'youtubecomkalebnation': 18414, 'tanghaling': 18415, 'tapat': 18416, 'knowwww': 18417, 'bret': 18418, 'we
lcomeee': 18419, 'backkkkk': 18420, 'dann': 18421, 'misconnected': 18422, 'undies': 18423, 'brinn': 18424, 'itjo
in': 18425, 'kittykat': 18426, 'adapted': 18427, 'tote': 18428, 'feathers': 18429, 'pollard': 18430, 'purposes':
18431, 'nnouns': 18432, 'beersall': 18433, 'coffin': 18434, 'drinkers': 18435, 'mort': 18436, 'subite': 18437, '
ginniejean': 18438, 'mojo': 18439, 'beckwith': 18440, 'dillah': 18441, 'pilates': 18442, 'stray': 18443, 'cans':
18444, 'floyd': 18445, 'californias': 18446, 'deficit': 18447, 'uverse': 18448, 'mild': 18449, 'shopper': 18450,
'plm': 18451, 'nonhitchikers': 18452, 'appetite': 18453, 'tassi': 18454, 'iigghhtt': 18455, 'fur': 18456, 'geet'
: 18457, 'idc': 18458, 'immboredddd': 18459, 'fuckitt': 18460, 'thxx': 18461, 'ara': 18462, 'withdrawal': 18463,
'realnot': 18464, 'captured': 18465, 'outsidethank': 18466, 'dazzles': 18467, 'buhahaha': 18468, 'hogging': 1846
9, 'sabuset': 18470, 'munchkin': 18471, 'frankies': 18472, 'updressed': 18473, 'fishy': 18474, 'fishys': 18475,
'oohhhh': 18476, 'cornyness': 18477, 'cambs': 18478, 'eeeeeeeeee': 18479, 'drom': 18480, 'ak': 18481, 'rag': 184
82, 'bets': 18483, 'bugzy': 18484, 'thowing': 18485, 'editting': 18486, 'vida': 18487, 'crapped': 18488, 'sitewh
at': 18489, 'mccain': 18490, 'eclectic': 18491, 'truong': 18492, 'hb': 18493, 'snsd': 18494, 'keeper': 18495, 'q
uickest': 18496, 'sneeze': 18497, 'pusrse': 18498, 'holmes': 18499, 'toniight': 18500, 'sampler': 18501, 'realll
lyyy': 18502, 'winnipeg': 18503, 'pace': 18504, 'voegele': 18505, 'hinckley': 18506, 'allright': 18507, 'todayug
h': 18508, 'tonyt': 18509, 'frend': 18510, 'ther': 18511, 'letin': 18512, 'aplyin': 18513, 'agen': 18514, 'preci
sely': 18515, 'spares': 18516, 'hunchback': 18517, 'weeekend': 18518, 'tradewinds': 18519, 'odyssey': 18520, 'jo
vani': 18521, 'eeek': 18522, 'dissapear': 18523, 'nooooooooooooooo': 18524, 'techupdate': 18525, 'nutty': 18526,
'newsire': 18527, 'twitterfeed': 18528, 'linkslol': 18529, 'coomee': 18530, 'jamaiiicah': 18531, 'slash': 18532,
'tyres': 18533, 'cuold': 18534, 'philosophers': 18535, 'we�re': 18536, 'doomed': 18537, 'celli': 18538, 'brewe
ry': 18539, 'chaceeeeeee': 18540, 'tweettttt': 18541, 'kashi': 18542, 'disservice': 18543, 'shardup': 18544, 'ad
meeet': 18545, 'phyllis': 18546, 'hyman': 18547, 'unsung': 18548, 'spai': 18549, 'collins': 18550, 'newborn': 18
551, 'satz': 18552, 'themoon': 18553, 'fruitbat': 18554, 'brixton': 18555, 'cldnt': 18556, 'kraut': 18557, 'kitt
yboys': 18558, 'nightynight': 18559, 'enuff': 18560, 'gprof': 18561, 'pugged': 18562, 'bombard': 18563, 'herejus
t': 18564, 'casei': 18565, 'belief': 18566, 'unix': 18567, 'tweetbud': 18568, 'flwrs': 18569, 'tys': 18570, 'unc
ontrollably': 18571, 'kaohsiung': 18572, 'alphonso': 18573, 'lassi': 18574, 'nimbupaani': 18575, 'eveningsummers
': 18576, 'kunguma': 18577, 'poovum': 18578, 'konjuma': 18579, 'puravum': 18580, 'cinematography': 18581, 'trans
cription': 18582, 'truely': 18583, 'fob': 18584, 'frineds': 18585, 'heston': 18586, 'bleumenthal': 18587, 'monon
oke': 18588, 'wnna': 18589, 'googledocs': 18590, 'folders': 18591, 'tomorrownew': 18592, 'betaread': 18593, 'veg
ies': 18594, 'tbone': 18595, 'yallunfortunately': 18596, 'itgotta': 18597, 'sisterbaby': 18598, 'ofim': 18599, '
boyhubby': 18600, 'dadgum': 18601, 'nations': 18602, 'freight': 18603, 'carriers': 18604, 'juz': 18605, 'blockpa
rty': 18606, 'litterature': 18607, 'soooooooooooooooooooooooooooooooooooo': 18608, 'vhits': 18609, 'mueller': 18
610, 'iloveyouuu': 18611, 'sunburns': 18612, 'bedding': 18613, 'largest': 18614, 'agenda': 18615, 'mondaycant':
18616, 'everythin': 18617, 'zzzzy': 18618, 'mamiya': 18619, 'mf': 18620, 'violence': 18621, 'heyyyy': 18622, 'iv
y': 18623, 'expansions': 18624, 'southridge': 18625, 'streak': 18626, 'catchy': 18627, 'ehnot': 18628, 'guesting
': 18629, 'bringin': 18630, 'livelovesing': 18631, 'coloured': 18632, 'colour': 18633, 'grandbabies': 18634, 'in
fant': 18635, 'proposedwere': 18636, 'pads': 18637, 'horsing': 18638, 'hubb': 18639, 'boc': 18640, 'moisturize':
18641, 'rephael': 18642, 'ahseya': 18643, 'engage': 18644, 'lottie': 18645, 'pastimes': 18646, 'gdaughter': 1864
7, 'compassion': 18648, 'perused': 18649, 'sorryill': 18650, 'thankssss': 18651, 'republish': 18652, 'journalism
': 18653, 'squeeky': 18654, 'oohooh': 18655, 'dmore': 18656, 'awetastic': 18657, 'hammer': 18658, 'boomin': 1865
9, 'fucc': 18660, 'buccz': 18661, 'starbuccz': 18662, 'berkeleyy': 18663, 'whassqoodd': 18664, 'uon': 18665, 'ku
lps': 18666, 'pshdidnt': 18667, 'unforgettable': 18668, 'ankile': 18669, 'oouuchgood': 18670, 'pending': 18671,
'siteits': 18672, 'standin': 18673, 'maddest': 18674, 'fristy': 18675, 'resto': 18676, 'dayuummm': 18677, 'unpac
ked': 18678, 'esmecullen': 18679, 'shish': 18680, 'kebab': 18681, 'happymothersday': 18682, 'warrant': 18683, 'a
gg': 18684, 'accountant': 18685, 'middleschool': 18686, 'cafeteria': 18687, 'interwebnet': 18688, 'floridas': 18
689, 'reluctantly': 18690, 'jolted': 18691, 'squiggy': 18692, 'laverne': 18693, 'snd': 18694, 'tylerhappy': 1869
5, 'aheadand': 18696, 'benicks': 18697, 'brngs': 18698, 'starbux': 18699, 'abusecorieographyabuse': 18700, 'broo
kes': 18701, 'banggg': 18702, 'smr': 18703, 'blower': 18704, 'censor': 18705, 'dirteeh': 18706, 'bridgeleaving':
18707, 'teethmouth': 18708, 'corrected': 18709, 'passive': 18710, 'agressive': 18711, 'orralle': 18712, 'ebtg':
18713, 'hol': 18714, 'teeny': 18715, 'honda': 18716, 'thankss': 18717, 'elleay': 18718, 'glastonbury': 18719, 't
hundershowers': 18720, 'movebut': 18721, 'i��m': 18722, 'freedomor': 18723, 'neeeeeeeed': 18724, 'slack': 18
725, 'rhcp': 18726, 'resignation': 18727, 'jennys': 18728, 'treadmill': 18729, 'oats': 18730, 'pinot': 18731, 'g
rigio': 18732, 'honza': 18733, 'outvoted': 18734, 'treknot': 18735, 'pt': 18736, 'predictable': 18737, 'scheme':
18738, 'conversion': 18739, 'extranet': 18740, 'jcdecaux': 18741, 'slapton': 18742, 'gnights': 18743, 'startled'
: 18744, 'nigguhs': 18745, 'ilh': 18746, 'hmmmmmmm': 18747, 'ponying': 18748, 'wc': 18749, 'boyzone': 18750, 'do
not': 18751, 'scrambled': 18752, 'fartingloud': 18753, 'andrews': 18754, 'sands': 18755, 'proms': 18756, 'people
browsr': 18757, 'wellgoing': 18758, 'applebees': 18759, 'nineteenth': 18760, 'impatiently': 18761, 'wes': 18762,
'ascari': 18763, 'hype': 18764, 'barbecues': 18765, 'conducive': 18766, 'jobapplying': 18767, 'shakas': 18768, '
againn': 18769, 'salads': 18770, 'girlz': 18771, 'diseases': 18772, 'megans': 18773, 'suitcase': 18774, 'macaram
ber': 18775, 'sab': 18776, 'comme': 18777, 'lovah': 18778, 'gorjuz': 18779, 'fuzzballits': 18780, 'doneworried':
18781, 'parrrttyplaying': 18782, 'twister': 18783, 'tipsywell': 18784, 'twittascope': 18785, 'fanciful': 18786,
'abusepu': 18787, 'camee': 18788, 'offiacial': 18789, 'spurted': 18790, 'fanta': 18791, 'patientsi': 18792, 'won
derfull': 18793, 'breakfst': 18794, 'gfail': 18795, 'thats�mee': 18796, 'booths': 18797, 'hallucination': 1879
8, 'epi': 18799, 'grimestopper': 18800, 'drowned': 18801, 'fanboy': 18802, 'morrison': 18803, 'tangible': 18804,
'socked': 18805, 'reckless': 18806, 'sensexbut': 18807, 'boreedd': 18808, 'totoro': 18809, 'atmosphere': 18810,
'putz': 18811, 'adoro': 18812, 'essa': 18813, 'banda': 18814, 'axkit': 18815, 'stormsoo': 18816, 'didntgot': 188
17, 'feckin': 18818, 'alzheimer': 18819, 'undeniable': 18820, 'procrastinating': 18821, 'reopens': 18822, 'zumba
': 18823, 'astri': 18824, 'ntn': 18825, 'bbf': 18826, 'hihi': 18827, 'sukanya': 18828, 'jun': 18829, 'pyo': 1883
0, 'chapped': 18831, 'ham': 18832, 'hairstupid': 18833, 'landcruiser': 18834, 'hcc': 18835, 'yn': 18836, 'spanis
hany': 18837, 'nownope': 18838, 'gregs': 18839, 'rele': 18840, 'lfpa': 18841, 'nostalgia': 18842, 'tushar': 1884
3, 'pestered': 18844, 'personnel': 18845, 'abuserequestabuse': 18846, 'wilmy': 18847, 'stfu': 18848, 'birdy': 18
849, 'daddysize': 18850, 'lessonguess': 18851, 'waitand': 18852, 'stuttgart': 18853, 'befahconference': 18854, '
shelters': 18855, 'poltergeist': 18856, 'funchal': 18857, 'chorleywood': 18858, 'cambridge': 18859, 'stamford':
18860, 'creatur': 18861, 'dne': 18862, 'oxm': 18863, 'nodding': 18864, 'noticable': 18865, 'heyyhooheyhey': 1886
6, 'certian': 18867, 'charmingly': 18868, 'tonightabuse': 18869, 'authenticating': 18870, 'alternating': 18871,
'groom': 18872, 'lincolnill': 18873, 'runsee': 18874, 'neverrr': 18875, 'businessy': 18876, 'cgi': 18877, 'toni'
: 18878, 'refirmware': 18879, 'digs': 18880, 'footballers': 18881, 'buttonlol': 18882, 'tenerife': 18883, 'mocha
s': 18884, 'frappachinos': 18885, 'ahte': 18886, 'nicc': 18887, 'blowin': 18888, 'atbfmsolidsynnet': 18889, 'lon
elyyyy': 18890, 'mothersget': 18891, 'kidsll': 18892, 'blake': 18893, 'sandbox': 18894, 'objects': 18895, 'autor
eturn': 18896, 'macarena': 18897, 'fuschia': 18898, 'sheath': 18899, 'chic': 18900, 'tks': 18901, 'ipodsadi': 18
902, 'tutorial': 18903, 'epitomised': 18904, 'artomatic': 18905, 'croissant': 18906, 'oohs': 18907, 'aahs': 1890
8, 'repetitive': 18909, 'alicev': 18910, 'totalling': 18911, 'bowlmilk': 18912, 'admirer': 18913, 'navarro': 189
14, 'montanai': 18915, 'donbt': 18916, 'peel': 18917, 'sunbut': 18918, 'suse': 18919, 'tabz': 18920, 'jossd': 18
921, 'confidential': 18922, 'spinelli': 18923, 'registering': 18924, 'browsers': 18925, 'dries': 18926, 'dritan'
: 18927, 'agnes': 18928, 'desappointed': 18929, 'creators': 18930, 'developers': 18931, 'magicmoment': 18932, 'g
amer': 18933, 'luvd': 18934, 'extent': 18935, 'trully': 18936, 'dolidh': 18937, 'tonightgot': 18938, 'political'
: 18939, 'owen': 18940, 'wander': 18941, 'hilda': 18942, 'gallares': 18943, 'kindred': 18944, 'baffles': 18945,
'bikeespecially': 18946, 'lighthouse': 18947, 'hangout': 18948, 'smarter': 18949, 'classier': 18950, 'bludge': 1
8951, 'pearlyns': 18952, 'svc': 18953, 'danas': 18954, 'omglistening': 18955, 'kapowski': 18956, 'pque': 18957,
'pinas': 18958, 'defending': 18959, 'requested': 18960, 'garbo': 18961, 'bulletin': 18962, 'yeaup': 18963, 'boos
kie': 18964, 'reassurance': 18965, 'nakuh': 18966, 'grabeh': 18967, 'gabbie': 18968, 'grandaddy': 18969, 'pcs':
18970, 'mela': 18971, 'cept': 18972, 'kart': 18973, 'couldn': 18974, 'mikeywayday': 18975, 'lammy': 18976, 'sher
man': 18977, 'implying': 18978, 'vicodin': 18979, 'bjadaycom': 18980, 'gables': 18981, 'torontos': 18982, 'young
e': 18983, 'wets': 18984, 'timer': 18985, 'wierd': 18986, 'ovation': 18987, 'krenee': 18988, 'kidnap': 18989, 's
upertarget': 18990, 'funnyu': 18991, 'watersthought': 18992, 'casual': 18993, 'responsible': 18994, 'madame': 18
995, 'tussauds': 18996, 'playerwell': 18997, 'ohoh': 18998, 'muminlaw': 18999, 'hotelredenand': 19000, 'laughyou
': 19001, 'roni': 19002, 'callmecourt': 19003, 'nessiah': 19004, 'rumage': 19005, 'topless': 19006, 'numan': 190
07, 'remixes': 19008, 'gmu': 19009, 'sys': 19010, 'eng': 19011, 'boyfriendgirlfriend': 19012, 'lookd': 19013, 'f
amilar': 19014, 'marxs': 19015, 'nauseatingly': 19016, 'douchenozzle': 19017, 'haaaa': 19018, 'rolland': 19019,
'garros': 19020, 'nutrition': 19021, 'unladylike': 19022, 'biafra': 19023, 'peoplee': 19024, 'span': 19025, 'fuk
kn': 19026, 'awesomeeeee': 19027, 'directv': 19028, 'intensity': 19029, 'imiss': 19030, 'cease': 19031, 'enfest'
: 19032, 'tomorrowhappy': 19033, 'brummie': 19034, 'struckthought': 19035, 'remedies': 19036, 'tweetlol': 19037,
'wormy': 19038, 'labyrinth': 19039, 'rsvped': 19040, 'qiuqius': 19041, 'cholocate': 19042, 'feminineand': 19043,
'handshakes': 19044, 'astroturf': 19045, 'resigned': 19046, 'wowwww': 19047, 'mcloven': 19048, 'ulduar': 19049,
'madnot': 19050, 'knowto': 19051, 'kaylen': 19052, 'uuurgg': 19053, 'freaked': 19054, 'custodian': 19055, 'findt
rust': 19056, 'censoring': 19057, 'nincom': 19058, 'speculate': 19059, 'asthetics': 19060, 'aladdin': 19061, 'fe
ria': 19062, 'urbana': 19063, 'lasercut': 19064, 'shorter': 19065, 'housemates': 19066, 'sittn': 19067, 'thinkin
wow': 19068, 'von': 19069, 'morninghoping': 19070, 'violated': 19071, 'tucson': 19072, 'wroclawpoland': 19073, '
kosmo': 19074, 'minits': 19075, 'leff': 19076, 'awakening': 19077, 'johns': 19078, 'leyrock': 19079, 'coloursfes
t': 19080, 'abusesomeonesabuse': 19081, 'iiii': 19082, 'souljaa': 19083, 'gays': 19084, 'okayokay': 19085, 'addi
tl': 19086, 'reviewing': 19087, 'downloadingusing': 19088, 'sank': 19089, 'whimpered': 19090, 'downloadfestivals
': 19091, 'festivals': 19092, 'jasperhale': 19093, 'dionusia': 19094, 'presenta': 19095, 'yesterdayleg': 19096,
'enginebikes': 19097, 'criado': 19098, 'unlocked': 19099, 'decades': 19100, 'gottta': 19101, 'height': 19102, 's
pecially': 19103, 'bumbpy': 19104, 'roads': 19105, 'comiccon': 19106, 'slamma': 19107, 'tixs': 19108, 'aptism':
19109, 'hva': 19110, 'shw': 19111, 'bodyshop': 19112, 'takeaway': 19113, 'nonalcoholic': 19114, 'mpp': 19115, 't
eetotaler': 19116, 'waupoos': 19117, 'willl': 19118, '�i�m': 19119, 'seck': 19120, 'everrything': 19121, 'br
eadtalk': 19122, 'lolsz': 19123, 'aaarrrgh': 19124, 'tooone': 19125, 'gotto': 19126, 'gladi': 19127, 'partied':
19128, 'sml': 19129, 'elitecamp': 19130, 'nogard': 19131, 'girrrrrrrrlll': 19132, 'startup': 19133, 'probablywhy
': 19134, 'ripleys': 19135, 'eatingbad': 19136, 'iop': 19137, 'hpt': 19138, 'adaptec': 19139, 'jorx': 19140, 'is
ay': 19141, 'kamusta': 19142, 'bulacan': 19143, 'historical': 19144, 'gimmick': 19145, 'aussieland': 19146, 'spl
odge': 19147, 'ketchup': 19148, 'printchick': 19149, 'burden': 19150, 'utdkick': 19151, 'leglol': 19152, 'maxin'
: 19153, 'bingley': 19154, 'practisetheproposal': 19155, 'endearing': 19156, 'guuss': 19157, 'watches': 19158, '
grandmothers': 19159, 'furbaby': 19160, 'auctionhow': 19161, 'baseship': 19162, 'lulz': 19163, 'anke': 19164, 's
lopes': 19165, 'yknow': 19166, 'buttt': 19167, 'iain': 19168, 'ld': 19169, 'napppinggg': 19170, 'commandbet': 19
171, 'droids': 19172, 'paving': 19173, 'hahahahahahahahahah': 19174, 'iyaa': 19175, 'pardee': 19176, 'picturs':
19177, 'sherrieshepherd': 19178, 'painfully': 19179, 'rubs': 19180, 'softly': 19181, 'rayne': 19182, 'novel': 19
183, 'paperbackim': 19184, 'potrait': 19185, 'profound': 19186, 'froyo': 19187, 'wakeup': 19188, 'anway': 19189,
'beez': 19190, 'heterochallenged': 19191, 'vlogcandy': 19192, 'honours': 19193, 'iloveyoumoreeee': 19194, 'daydi
dnt': 19195, 'excitingsaw': 19196, 'wellmoving': 19197, 'pleaseeee': 19198, 'extensive': 19199, 'bedthen': 19200
, 'korn': 19201, 'plead': 19202, 'metric': 19203, 'rennison': 19204, 'kotenok': 19205, 'garys': 19206, 'takn': 1
9207, 'waraw': 19208, 'folkkz': 19209, 'miracle': 19210, 'stitch': 19211, 'amumlaut': 19212, 'pleb': 19213, 'spo
oky': 19214, 'matching': 19215, 'sliders': 19216, 'barjohnnys': 19217, 'farewells': 19218, 'divorce': 19219, 'ou
ttie': 19220, 'porto': 19221, 'alegre': 19222, 'loooooolding': 19223, 'teddychucking': 19224, 'mtwittercom': 192
25, 'omgthank': 19226, 'sexualmaternal': 19227, 'threatening': 19228, 'urm': 19229, 'getfeel': 19230, 'soonest':
19231, 'frosty': 19232, 'thash': 19233, 'kathleenshes': 19234, 'realz': 19235, 'mount': 19236, 'twitterhi': 1923
7, 'cancerfree': 19238, 'evergraduation': 19239, 'workplace': 19240, 'shortsleeved': 19241, 'tooam': 19242, 'now
am': 19243, 'helpin': 19244, 'ilol': 19245, 'postin': 19246, 'wmiad': 19247, 'deffo': 19248, 'lata': 19249, 'wah
ahaha': 19250, 'tonightwife': 19251, 'osu': 19252, 'ath': 19253, 'trng': 19254, 'rcption': 19255, 'banquetcant':
19256, 'couchphone': 19257, 'whites': 19258, 'grain': 19259, 'therapuetic': 19260, 'bettering': 19261, 'financin
g': 19262, 'yessum': 19263, 'alllllllllllllllll': 19264, 'charlies': 19265, 'goingg': 19266, 'renew': 19267, 'te
eheei': 19268, 'nonfunctionalproductive': 19269, 'tiime': 19270, 'chooool': 19271, 'maaddict': 19272, 'fangs': 1
9273, 'daysmigraine': 19274, 'blueberry': 19275, 'starbuck': 19276, 'potus': 19277, 'folo': 19278, 'nomination':
19279, 'zensify': 19280, 'landscape': 19281, 'kookie': 19282, 'girlrain': 19283, 'forrealll': 19284, 'katieaweso
me': 19285, 'welcomewould': 19286, 'allow': 19287, 'sorehead': 19288, 'trashed': 19289, 'blinds': 19290, 'glare'
: 19291, 'damper': 19292, 'georgetown': 19293, 'invoices': 19294, 'ajax': 19295, 'php': 19296, 'autorefresh': 19
297, 'chander': 19298, 'lei': 19299, 'didt': 19300, 'sufficient': 19301, 'leaveeeee': 19302, 'guranteee': 19303,
'kendra': 19304, 'tmh': 19305, 'prerequisites': 19306, 'wantneed': 19307, 'againabuse': 19308, 'sohcahtoa': 1930
9, 'bakneed': 19310, 'hwi': 19311, 'unsuspecting': 19312, 'garland': 19313, 'youoh': 19314, 'yeahs': 19315, 'sof
tshock': 19316, 'mettingdont': 19317, 'narnia': 19318, 'blurb': 19319, 'aslan': 19320, 'skandar': 19321, 'yeahth
ats': 19322, 'neith': 19323, 'suffication': 19324, 'breathing': 19325, 'abusejinx': 19326, 'milows': 19327, 'ano
oyed': 19328, 'cageball': 19329, 'jfk': 19330, 'centers': 19331, 'hairball': 19332, 'summerr': 19333, 'babyyyy':
19334, 'kaki': 19335, 'sparks': 19336, 'giutar': 19337, 'skunk': 19338, 'coldi': 19339, 'minutei': 19340, 'insul
ted': 19341, 'involve': 19342, 'samsung': 19343, 'omnia': 19344, 'southside': 19345, 'mintbubblegumcookieflakene
rds': 19346, 'friendss': 19347, 'dor': 19348, 'sharkeez': 19349, 'coola': 19350, 'floridaits': 19351, 'godits':
19352, 'godtoo': 19353, 'lategood': 19354, 'failnow': 19355, 'divo': 19356, 'recommending': 19357, 'flirt': 1935
8, 'sqeaky': 19359, 'sisi': 19360, 'nitecan': 19361, 'soonabuse': 19362, 'rblpn': 19363, 'adafranco': 19364, 'ob
tain': 19365, 'rik': 19366, 'colombia': 19367, 'wthose': 19368, 'gtta': 19369, 'acsvxdcbgfn': 19370, 'phoebe': 1
9371, 'omgthe': 19372, 'oging': 19373, 'british': 19374, 'observed': 19375, 'pi': 19376, '�neleg': 19377, 'ave
a': 19378, 'emisiune': 19379, 'ceva': 19380, 'minority': 19381, 'milage': 19382, 'yale': 19383, 'yeeh': 19384, '
reall': 19385, 'digiqom': 19386, 'sayid': 19387, 'morninghappy': 19388, 'eggwhites': 19389, 'buger': 19390, 'mmm
mmmmmm': 19391, 'lowerleft': 19392, 'specialistpoor': 19393, 'leftover': 19394, 'noiiiiice': 19395, 'buena': 193
96, 'ackles': 19397, 'lastnte': 19398, 'morningin': 19399, 'nowmissing': 19400, 'mylan': 19401, 'toms': 19402, '
thehodgecouk': 19403, 'inclusion': 19404, 'sikaflex': 19405, 'caulk': 19406, 'rny': 19407, 'sugary': 19408, 'ble
ck': 19409, 'intruder': 19410, 'saidplease': 19411, 'handsi': 19412, 'nickname': 19413, 'mtaby': 19414, 'uniqnam
e': 19415, 'wellhope': 19416, 'sherri': 19417, 'plzzzz': 19418, 'blackout': 19419, 'dw': 19420, 'hagg': 19421, '
lsat': 19422, 'safesex': 19423, 'cruisers': 19424, 'jetsons': 19425, 'finltstones': 19426, 'okur': 19427, 'comme
ntshows': 19428, 'bishopstorford': 19429, 'waaaay': 19430, 'musicares': 19431, 'cadburys': 19432, 'yon': 19433,
'walgreens': 19434, 'haaa': 19435, 'workwhat': 19436, 'partysuprisingly': 19437, 'schoooool': 19438, 'platform':
19439, 'gingers': 19440, 'gush': 19441, 'partypeople': 19442, 'oof': 19443, 'moronmonday': 19444, 'sweetpea': 19
445, 'hin': 19446, 'pleasanton': 19447, 'eastenders': 19448, 'starr': 19449, 'hawkesbury': 19450, 'baadly': 1945
1, 'reds': 19452, 'armada': 19453, 'creammm': 19454, 'soetimes': 19455, 'ungrateful': 19456, 'vine': 19457, 'una
ttractive': 19458, 'trafalger': 19459, 'pigeons': 19460, 'ninth': 19461, 'yearly': 19462, 'sickkk': 19463, 'tele
': 19464, 'ittttt': 19465, 'abusejealousabuse': 19466, 'operational': 19467, 'andeasy': 19468, 'freshly': 19469,
'tossa': 19470, 'hardcoded': 19471, 'partners': 19472, 'kunal': 19473, 'khemu': 19474, 'starrers': 19475, 'outth
ere': 19476, 'probability': 19477, 'niche': 19478, 'trolling': 19479, 'youthe': 19480, 'brian�s': 19481, 'maik
os': 19482, 'amandas': 19483, 'crystal': 19484, 'calendars': 19485, 'bubbled': 19486, 'wsop': 19487, 'aa': 19488
, 'preshow': 19489, 'eitherits': 19490, 'surei': 19491, 'wayyyy': 19492, 'beverly': 19493, 'scoreless': 19494, '
cranking': 19495, 'hiyaa': 19496, 'xxxxxxxx': 19497, 'neighbourss': 19498, 'webkit': 19499, 'worthless': 19500,
'pirating': 19501, 'braggin': 19502, 'norwood': 19503, 'haaaaaa': 19504, 'pacing': 19505, 'ichiban': 19506, 'tai
lbone': 19507, 'destrey': 19508, 'motherssss': 19509, 'sardonic': 19510, 'lanka': 19511, 'spiritual': 19512, 'be
not': 19513, 'thocaught': 19514, 'sickly': 19515, 'trailed': 19516, 'landlines': 19517, 'artillero': 19518, 'kni
ghts': 19519, 'nightfri': 19520, 'sarrah': 19521, 'knowunfortunately': 19522, 'sameee': 19523, 'scoundrels': 195
24, 'mommm': 19525, 'goodmaking': 19526, 'daysi': 19527, 'mymaths': 19528, 'timeif': 19529, 'thereto': 19530, 'p
heasant': 19531, 'kaotic': 19532, 'pigment': 19533, 'pooh': 19534, 'riveting': 19535, 'toothpicks': 19536, 'yogu
rting': 19537, 'monas': 19538, 'yoplait': 19539, 'tmorrow': 19540, 'rehearsals': 19541, 'ednas': 19542, 'allahpu
ndit': 19543, 'inconvenience': 19544, 'soim': 19545, 'bgn': 19546, 'sprint': 19547, 'ladyok': 19548, 'repetative
': 19549, 'puff': 19550, 'notthat': 19551, 'questiondomestic': 19552, 'bedmy': 19553, 'worlddont': 19554, 'ooohh
hhh': 19555, 'oxteach': 19556, 'abuseandabuse': 19557, 'milkskake': 19558, 'abuseblushesabuse': 19559, 'kmv': 19
560, 'songgg': 19561, 'bedgot': 19562, 'scruffy': 19563, 'nerfherders': 19564, 'amis': 19565, 'bowman': 19566, '
strategicclock': 19567, 'minivacation': 19568, 'katieedwards': 19569, 'letterman': 19570, 'decidedly': 19571, 'd
oublejasmin': 19572, 'pistons': 19573, 'fromahem': 19574, 'tissue': 19575, 'gardener': 19576, 'trimmed': 19577,
'battling': 19578, 'moviesss': 19579, 'brake': 19580, 'marilyn': 19581, 'seria': 19582, 'wooohooo': 19583, 'disc
ussants': 19584, 'blued': 19585, 'screened': 19586, 'sadddim': 19587, 'refollow': 19588, 'tswift': 19589, 'nts':
19590, 'wonderfuly': 19591, 'granada': 19592, 'cleche': 19593, 'bcreative': 19594, 'harrd': 19595, 'plns': 19596
, 'earthday': 19597, 'starhope': 19598, 'flawless': 19599, 'gtg': 19600, 'santi': 19601, 'smithamherst': 19602,
'minireunion': 19603, 'wellnot': 19604, 'sebastian': 19605, 'boise': 19606, 'cmf': 19607, 'reporting': 19608, 't
witterati': 19609, 'luvvv': 19610, 'aquestionwhy': 19611, 'fridaywhich': 19612, 'chapman': 19613, 'whuffaoke': 1
9614, 'gillette': 19615, 'carlingford': 19616, 'lough': 19617, 'bullseye': 19618, 'amaaaazing': 19619, 'disectio
n': 19620, 'froggy': 19621, 'prepresale': 19622, 'kam': 19623, 'incarnatedso': 19624, 'mutant': 19625, 'ghalib':
19626, 'abuseyetabuse': 19627, 'adele': 19628, 'sleepglad': 19629, 'ballsabuse': 19630, 'goddaughters': 19631, '
gino': 19632, 'arc': 19633, 'floridanot': 19634, 'springs': 19635, 'maaaan': 19636, 'pickings': 19637, 'aces': 1
9638, 'zion': 19639, 'milestone': 19640, 'assumes': 19641, 'taboo': 19642, 'placebo': 19643, 'tori': 19644, 'amo
s': 19645, 'menlo': 19646, 'freehugs': 19647, 'nooooothing': 19648, 'palin': 19649, 'whod': 19650, 'combined': 1
9651, 'disastrously': 19652, 'excedrine': 19653, 'yearmission': 19654, 'accomplishednow': 19655, 'reassembled':
19656, 'tweaked': 19657, 'travoltas': 19658, 'bassline': 19659, 'goabuse': 19660, 'ferber': 19661, 'goodbad': 19
662, 'oooowwwch': 19663, 'dothis': 19664, 'makino': 19665, 'chaya': 19666, 'jenna': 19667, 'immensely': 19668, '
robinson': 19669, 'wfm': 19670, 'haaaaaaaaate': 19671, 'shakalohana': 19672, 'wavez': 19673, 'surfin': 19674, 't
witternut': 19675, 'squashes': 19676, 'jagex': 19677, 'bam': 19678, 'marcos': 19679, 'funwish': 19680, 'straycat
': 19681, 'anchorage': 19682, 'lootwise': 19683, 'gauss': 19684, 'cornbread': 19685, 'appealing': 19686, 'nicoti
ne': 19687, 'twitchy': 19688, 'khichadi': 19689, 'yoooooooou': 19690, 'dbsk': 19691, 'oppas': 19692, 'mirotic':
19693, 'muchhhhh': 19694, 'abuseburst': 19695, 'tearsabuse': 19696, 'buzy': 19697, 'somethign': 19698, 'naughty'
: 19699, 'cynthia': 19700, 'katey': 19701, 'vodkas': 19702, 'remodel': 19703, 'anouther': 19704, 'yeay': 19705,
'jiah': 19706, 'https': 19707, 'extplorer': 19708, 'mast': 19709, 'ladki': 19710, 'patata': 19711, 'jiske': 1971
2, 'sath': 19713, 'bhi': 19714, 'jaye': 19715, 'khush': 19716, 'rehnawill': 19717, 'bladder': 19718, 'puggy': 19
719, 'pughug': 19720, 'quitting': 19721, 'elrumi': 19722, 'fii': 19723, 'mushkila': 19724, 'maa': 19725, 'grisha
m': 19726, 'mtn': 19727, 'judd': 19728, 'blaze': 19729, 'talkshow': 19730, 'tut': 19731, 'whohoo': 19732, 'algon
quin': 19733, 'misfit': 19734, 'abusepasses': 19735, 'tylenolabuse': 19736, 'betterrrrrrrr': 19737, 'youthank':
19738, 'slouchy': 19739, 'barets': 19740, 'rara': 19741, 'alonei': 19742, 'ofmax': 19743, 'posit': 19744, 'softe
es': 19745, 'spec': 19746, 'kaching': 19747, 'bugsssss': 19748, 'nowwwww': 19749, 'congratulation': 19750, 'iceh
ockey': 19751, 'makei': 19752, 'assistantcooknannychauffer': 19753, 'reworded': 19754, 'insteada': 19755, 'bangi
ng': 19756, 'godly': 19757, 'sandy': 19758, 'bekz': 19759, 'derrian': 19760, 'puppyy': 19761, 'aggregate': 19762
, 'roomate': 19763, 'airportno': 19764, 'changedd': 19765, 'picnik': 19766, 'strategy': 19767, 'robarts': 19768,
'kboom': 19769, 'seenpreceded': 19770, 'musclesthe': 19771, 'gnitey': 19772, 'sundaes': 19773, 'dumpster': 19774
, 'outlet': 19775, 'minty': 19776, 'facebooks': 19777, 'jagk': 19778, 'internship': 19779, 'scrubbing': 19780, '
mustard': 19781, 'veges': 19782, 'likelike': 19783, 'aquarius': 19784, 'oriole': 19785, 'suet': 19786, 'lis': 19
787, 'megaredpacket': 19788, 'sneers': 19789, 'couplea': 19790, 'kaelah': 19791, 'admire': 19792, 'junction': 19
793, 'ollies': 19794, 'amazingplease': 19795, 'maaategrooovin': 19796, 'subscriptions': 19797, 'nzz': 19798, 'ec
onomist': 19799, 'costsavings': 19800, 'framed': 19801, 'valentino': 19802, 'rossi': 19803, 'nowor': 19804, 'tuf
f': 19805, 'haaaate': 19806, 'violin': 19807, 'meadowhall': 19808, 'imaginealthough': 19809, 'asprin': 19810, 'a
ureole': 19811, 'trampyesssssir': 19812, 'calcuttadelhilucknow': 19813, 'absence': 19814, 'masson': 19815, 'soul
full': 19816, 'torchwood': 19817, 'geht': 19818, 'wieder': 19819, 'bugg': 19820, 'legarmfoot': 19821, 'vera': 19
822, 'zoomed': 19823, 'chock': 19824, 'buses': 19825, 'autographs': 19826, 'urselff': 19827, 'oscc': 19828, 'gos
forth': 19829, 'antony': 19830, 'johnsons': 19831, 'neti': 19832, 'hearandim': 19833, 'bullhorn': 19834, 'onnnnn
nnnnnnn': 19835, 'bwahaha': 19836, 'chills': 19837, 'pleasedo': 19838, 'thang': 19839, 'stomache': 19840, 'weeks
i': 19841, 'believing': 19842, 'sacrilege': 19843, 'bdix': 19844, 'devjavanet': 19845, 'itthats': 19846, 'macare
naing': 19847, 'tittle': 19848, 'emirates': 19849, 'richter': 19850, 'ayah': 19851, 'loggade': 19852, 'visst': 1
9853, 'l�rdags': 19854, 'padestrian': 19855, 'skanking': 19856, 'pwnd': 19857, 'nuuuuu': 19858, 'trance': 1985
9, 'drumnbass': 19860, 'abusedances': 19861, 'outabuse': 19862, 'wifiyou': 19863, 'eeet': 19864, 'lunchsubway':
19865, 'freshnow': 19866, 'clash': 19867, 'kostet': 19868, 'mathsteacher': 19869, 'gweg': 19870, 'biting': 19871
, 'varnish': 19872, 'timeframe': 19873, 'colab': 19874, 'upback': 19875, 'nightmorning': 19876, 'retirment': 198
77, 'pffftt': 19878, 'soberdang': 19879, 'chiefs': 19880, 'elway': 19881, 'nfl': 19882, 'burnett': 19883, 'embed
ded': 19884, 'hampstead': 19885, 'constituency': 19886, 'yayay': 19887, 'misoricesushimochi': 19888, 'legalisati
on': 19889, 'playmate': 19890, 'todayisaprosperous': 19891, 'thankujesus': 19892, 'beyeblessed': 19893, 'textin'
: 19894, 'scooby': 19895, 'meni': 19896, 'facecmon': 19897, 'bathrooms': 19898, 'ronaldo': 19899, 'everyonee': 1
9900, 'uniforms': 19901, 'cellgroup': 19902, 'whilegonna': 19903, 'amazake': 19904, 'powder': 19905, 'agave': 19
906, 'heyim': 19907, 'lmbo': 19908, 'conjunctivitis': 19909, 'thislol': 19910, 'melol': 19911, 'safepoor': 19912
, 'combed': 19913, 'vouchers': 19914, 'dissapeared': 19915, 'wrongand': 19916, 'gaiman': 19917, 'buddi': 19918,
'colton': 19919, 'hacker': 19920, 'prettie': 19921, 'esspensive': 19922, 'haff': 19923, 'bearfoot': 19924, 'supr
natural': 19925, 'abusesmilesabuse': 19926, 'posterrr': 19927, 'crowds': 19928, 'keepsitreal': 19929, 'lolabuse'
: 19930, 'orangepineapplebanana': 19931, 'minnebron': 19932, 'notoriously': 19933, 'unreliable': 19934, 'twitste
r': 19935, 'morse': 19936, 'gaze': 19937, 'stocking': 19938, 'sholders': 19939, 'whedon': 19940, 'accidentpls':
19941, 'tantalizingly': 19942, 'communism': 19943, 'communist': 19944, 'princes': 19945, 'themim': 19946, 'sessi
onstill': 19947, 'prioritize': 19948, 'misha': 19949, 'craigslistquebec': 19950, 'drawings': 19951, 'ams': 19952
, 'gmtish': 19953, 'recharged': 19954, 'offshore': 19955, 'anticipate': 19956, 'hiyaaaaaa': 19957, 'brainfreeze'
: 19958, 'loaned': 19959, 'aerobars': 19960, 'alkek': 19961, 'generates': 19962, 'uninstall': 19963, 'allaround'
: 19964, 'redneck': 19965, 'habitat': 19966, 'twitteractive': 19967, 'overpower': 19968, 'sched': 19969, 'tiring
its': 19970, 'bazillionz': 19971, 'supprtin': 19972, 'smelly': 19973, 'vixon': 19974, 'yield': 19975, 'webkinz':
19976, 'ana': 19977, 'ele': 19978, 'eli': 19979, 'pricked': 19980, 'bragg': 19981, 'blunstone': 19982, 'pentecos
t': 19983, 'uselessly': 19984, 'causing': 19985, 'shoppingfantastic': 19986, 'bandit': 19987, 'deadliestcatch':
19988, 'tpglove': 19989, 'suspense': 19990, 'tabby': 19991, 'diabetes': 19992, 'maya': 19993, 'kibbel': 19994, '
diffusing': 19995, 'irritation': 19996, 'completing': 19997, 'smashedbein': 19998, 'gearbox': 19999, 'youbrokeba
ck': 20000, 'brotherand': 20001, 'elmwood': 20002, 'jeebus': 20003, 'carina': 20004, 'hugsjoy': 20005, 'brum': 2
0006, 'blt': 20007, 'thaz': 20008, 'xams': 20009, 'natalies': 20010, 'faceeee': 20011, 'twitches': 20012, 'getch
a': 20013, 'laavly': 20014, 'spared': 20015, 'jamming': 20016, 'meyrueis': 20017, 'replenished': 20018, 'ponderi
ng': 20019, 'shanes': 20020, 'bwahah': 20021, 'chocolateeee': 20022, 'aaaaarrrrggghhh': 20023, 'kerbear': 20024,
'overpriced': 20025, 'assemble': 20026, 'jrs': 20027, 'mitchells': 20028, 'sleppytime': 20029, 'godfather': 2003
0, 'wayne': 20031, 'tippers': 20032, 'mule': 20033, 'holmbury': 20034, 'weddings': 20035, 'ldbf': 20036, 'border
': 20037, 'pastel': 20038, 'groundbreaking': 20039, 'arrested': 20040, 'popcornss': 20041, 'producedirectfilmedi
t': 20042, 'coordinate': 20043, 'fetti': 20044, 'restoration': 20045, 'banks': 20046, 'avocets': 20047, 'aila':
20048, 'cyclone': 20049, 'calcutta': 20050, 'sunshade': 20051, 'bareillescan': 20052, 'crowntown': 20053, 'earl'
: 20054, 'uuuggghh': 20055, 'ohwwww': 20056, 'angsty': 20057, 'prewedding': 20058, 'taltal': 20059, 'tal': 20060
, 'boingo': 20061, 'slowern': 20062, 'mdw': 20063, 'concourses': 20064, 'aaahh': 20065, 'weeek': 20066, 'carrrr'
: 20067, 'abusesmackedabuse': 20068, 'hmmok': 20069, 'gson': 20070, 'doona': 20071, 'beveragei': 20072, 'rocksta
rs': 20073, 'mpaa': 20074, 'videorecord': 20075, 'ferns': 20076, 'petals': 20077, 'fnpin': 20078, 'watchinggg':
20079, 'programmed': 20080, 'd�j�': 20081, 'vu': 20082, 'gq': 20083, 'saythink': 20084, 'shiftswill': 20085,
'teethed': 20086, 'handball': 20087, 'mhmm': 20088, 'hehebut': 20089, 'vn': 20090, 'ranjan': 20091, 'lindy': 200
92, 'olympiou': 20093, 'diamanti': 20094, 'thessaloniki': 20095, 'pange': 20096, 'ahahahahaha': 20097, 'eventho'
: 20098, 'villains': 20099, 'bunchh': 20100, 'droppedand': 20101, 'ughdo': 20102, 'sacrifices': 20103, 'ilook':
20104, 'hamdemic': 20105, 'aporkalypse': 20106, 'parmageddon': 20107, 'rachael': 20108, 'blogroll': 20109, 'moti
vate': 20110, 'penjiiii': 20111, 'mcbaby': 20112, 'havta': 20113, 'fllwing': 20114, 'loveeeeeeee': 20115, 'packe
ts': 20116, 'horseshoe': 20117, 'wheelchair': 20118, 'homebound': 20119, 'sprints': 20120, 'axed': 20121, 'ombra
': 20122, 'f�': 20123, 'largo': 20124, 'h�ndel': 20125, 'okthanksdont': 20126, 'eitherill': 20127, 'thoughan
y': 20128, 'timewarner': 20129, 'lolbut': 20130, 'aaand': 20131, 'whyyy': 20132, 'speedbumps': 20133, 'yourz': 2
0134, 'enthusiasm': 20135, 'foa': 20136, 'storys': 20137, 'hollyoakspoor': 20138, 'icetv': 20139, 'twitaddicted'
: 20140, 'jayytee': 20141, 'peroni': 20142, 'prettymess': 20143, 'morningany': 20144, 'successnow': 20145, 'sads
orry': 20146, 'bannished': 20147, 'toowerdphubbys': 20148, 'luat': 20149, 'examenul': 20150, 'spss': 20151, 'kee
gan': 20152, 'escapism': 20153, 'nonfiction': 20154, 'achieve': 20155, 'smoked': 20156, 'twain': 20157, 'ehbut':
20158, 'soonneed': 20159, 'suppliment': 20160, 'pune': 20161, 'chuu': 20162, 'aweee': 20163, 'pulleaase': 20164,
'query': 20165, 'infectionman': 20166, 'recollecting': 20167, 'unkown': 20168, 'vehicle': 20169, 'coated': 20170
, 'detect': 20171, 'goooooooo': 20172, 'puhleeezeee': 20173, 'sleeper': 20174, 'valerie': 20175, 'okayybut': 201
76, 'yuotube': 20177, 'razr': 20178, 'myslef': 20179, 'deeper': 20180, 'ivs': 20181, 'pikachu': 20182, 'trait':
20183, 'wthat': 20184, 'beerthirty': 20185, 'crackheres': 20186, 'bitits': 20187, 'travelled': 20188, 'genoese':
20189, 'frenchie': 20190, 'thatlater': 20191, 'radiator': 20192, 'buried': 20193, 'hospitals': 20194, 'sentiment
s': 20195, 'fizzy': 20196, 'overdid': 20197, 'muh': 20198, 'chocky': 20199, 'boatingsongwriting': 20200, 'clarat
yne': 20201, 'slowing': 20202, 'paved': 20203, 'hubabuse': 20204, 'ox': 20205, 'unfollowing': 20206, 'itive': 20
207, 'pointed': 20208, 'pouringwhere': 20209, 'spooning': 20210, 'dupes': 20211, 'beastypops': 20212, 'owwwwwww'
: 20213, 'luddite': 20214, 'ffa': 20215, 'grinabuse': 20216, 'won�t': 20217, 'cones': 20218, 'bonfires': 20219
, 'morningtired': 20220, 'excercise': 20221, 'sleepladies': 20222, 'shemar': 20223, 'moore': 20224, 'beautifulll
l': 20225, 'fork': 20226, 'yearbring': 20227, 'feck': 20228, 'alyson': 20229, 'aly': 20230, 'excite': 20231, 'jk
uk': 20232, 'extacy': 20233, 'happeh': 20234, 'oohbell': 20235, 'whatchu': 20236, 'monsterpaloozas': 20237, 'con
testant': 20238, 'beggin': 20239, 'yearsthey': 20240, 'budapesthungary': 20241, 'implode': 20242, 'yoyo': 20243,
'nazis': 20244, 'jazzercise': 20245, 'chaperone': 20246, 'tweetin': 20247, 'weirdos': 20248, 'hairdressers': 202
49, 'bin': 20250, 'panicky': 20251, 'anxious': 20252, 'puppyyy': 20253, 'skott': 20254, 'troubles': 20255, 'tps'
: 20256, 'okseriouslygood': 20257, 'bacterin': 20258, 'exploded': 20259, 'subetha': 20260, 'sensomatic': 20261,
'broody': 20262, 'collector': 20263, 'cavitie': 20264, 'undernourished': 20265, 'professionals': 20266, 'peeks':
20267, 'bbcrew': 20268, 'whhaacck': 20269, 'hateee': 20270, 'smooches': 20271, 'creep': 20272, 'evan': 20273, 'l
ongoria': 20274, 'lpz': 20275, 'wnat': 20276, 'burped': 20277, 'endedabusesighabusemy': 20278, 'bloggingits': 20
279, 'remaining': 20280, 'intelligence': 20281, 'refactor': 20282, 'againdarn': 20283, 'eclectricity': 20284, 'a
tmos': 20285, 'tati': 20286, 'emal': 20287, 'parkgood': 20288, 'timesgood': 20289, 'duncan': 20290, 'iraq': 2029
1, 'astronomy': 20292, 'diamonds': 20293, 'bigfanfriday': 20294, 'whyyyyyy': 20295, 'getcho': 20296, 'neeeddd':
20297, 'foooddd': 20298, 'lewishhh': 20299, 'havelunch': 20300, 'kansai': 20301, 'shooeessss': 20302, 'byspork':
20303, 'delayscancellations': 20304, 'sympathize': 20305, 'reduculous': 20306, 'coffeeoopse': 20307, 'guyunfortu
natly': 20308, 'dannys': 20309, 'westin': 20310, 'expo�': 20311, 'hotels': 20312, 'derny': 20313, 'sofie': 203
14, 'nooooooooooo': 20315, 'nickchien': 20316, 'assault': 20317, 'wwwreverbnationcomsuki': 20318, 'rubys': 20319
, 'nerve': 20320, 'askin': 20321, 'waslooks': 20322, 'fonei': 20323, 'anywayfones': 20324, 'floatespecially': 20
325, 'johny': 20326, 'bidor': 20327, 'wantan': 20328, 'cham': 20329, 'joshthomas': 20330, 'comedian': 20331, 'pr
eparing': 20332, 'sermons': 20333, 'doneyou': 20334, 'moe': 20335, 'stalkersaturday': 20336, 'forwarded': 20337,
'trekked': 20338, 'muhahaha': 20339, 'ignorent': 20340, 'aholes': 20341, 'overturn': 20342, 'ownflitter': 20343,
'homewatching': 20344, 'healthified': 20345, 'streusel': 20346, 'nobodies': 20347, 'majorspoilerscom': 20348, 't
oke': 20349, 'asaran': 20350, 'foking': 20351, 'orbitron': 20352, 'dowhen': 20353, 'yanks': 20354, 'fearme': 203
55, 'ciroc': 20356, 'stayabusethats': 20357, 'gogol': 20358, 'bordello': 20359, 'civilization': 20360, 'errr': 2
0361, 'espressos': 20362, 'appartment': 20363, 'carit�s': 20364, 'sweethearts': 20365, 'kindof': 20366, 'fishe
ye': 20367, 'what�s': 20368, 'civilizati': 20369, 'ohmygosh': 20370, 'wilshire': 20371, 'faillllllllll': 20372
, 'simmons': 20373, 'inshalla': 20374, 'devo': 20375, 'astor': 20376, 'fel�z': 20377, 'entities': 20378, 'cata
loguing': 20379, 'rda': 20380, 'beckett': 20381, 'okwe': 20382, 'biiiiig': 20383, 'insulin': 20384, 'dachshund':
20385, 'breed': 20386, 'handbags': 20387, 'byeso': 20388, 'milo': 20389, 'downhill': 20390, 'ccp': 20391, 'eitha
h': 20392, 'todayhmmphh': 20393, 'siad': 20394, 'percentage': 20395, 'werd': 20396, 'theheck': 20397, 'diploma':
20398, 'juneim': 20399, 'laughtner': 20400, 'aphrodisiac': 20401, 'oxox': 20402, 'mustangs': 20403, 'pampering':
20404, 'snuggied': 20405, 'twiggies': 20406, 'toothbrush': 20407, 'onfire': 20408, 'letitia': 20409, 'lovecould'
: 20410, 'clair': 20411, 'waaaaaay': 20412, 'railing': 20413, 'freetds': 20414, 'peepscorsen': 20415, 'baileys':
20416, 'clipped': 20417, 'ito': 20418, 'quihote': 20419, 'suuuuck': 20420, 'vacines': 20421, 'irratated': 20422,
'luton': 20423, 'organ': 20424, 'ejammingcom': 20425, 'phillies': 20426, 'gamee': 20427, 'arabelle': 20428, 'soc
ialscope': 20429, 'rung': 20430, 'arabic': 20431, 'flows': 20432, 'dionee': 20433, 'creme': 20434, 'brulee': 204
35, 'tiramisu': 20436, 'oooooooooo': 20437, 'dancin': 20438, 'voyed': 20439, 'tallcree': 20440, 'jorge': 20441,
'hhahaa': 20442, 'tiz': 20443, 'abusehadthebestdayeverabuse': 20444, 'blvd': 20445, 'thunderstorming': 20446, 'r
efunded': 20447, 'installing': 20448, 'twibble': 20449, 'lmhr': 20450, 'uuuups': 20451, 'dayshabusei�ve': 2045
2, 'doesn�t': 20453, 'abusesighabusethank': 20454, 'nellie': 20455, 'goooooooooooood': 20456, 'morrrrrrrrning'
: 20457, 'ducati': 20458, 'isn�abuse': 20459, 'ovie': 20460, 'highlights': 20461, 'concede': 20462, 'bampa': 2
0463, 'disdrict': 20464, 'containing': 20465, 'laths': 20466, 'lates': 20467, 'faa': 20468, 'moondog': 20469, 'f
ightstar': 20470, 'mercury': 20471, 'freemusic': 20472, 'frehley': 20473, 'coherent': 20474, 'mightmight': 20475
, 'musicians': 20476, 'harpmanhatter': 20477, 'briefs': 20478, 'mashup': 20479, 'hysteria': 20480, 'horsies': 20
481, 'highways': 20482, 'zbrush': 20483, 'rover': 20484, 'chevy': 20485, 'cuuuba': 20486, 'sotomayor': 20487, 'b
ooboo': 20488, 'branches': 20489, 'collerbone': 20490, 'nag': 20491, 'daydream': 20492, 'manderin': 20493, 'mont
el': 20494, 'awesomeam': 20495, 'genuine': 20496, 'dependent': 20497, 'blairr': 20498, 'sunblock': 20499, 'spahk
ly': 20500, 'digestif': 20501, 'airplane': 20502, 'musso': 20503, 'mlb': 20504, 'mlbn': 20505, 'televising': 205
06, 'detbal': 20507, 'mavens': 20508, 'peac': 20509, 'pleeeeeease': 20510, 'pleeeease': 20511, 'revisionbiology'
: 20512, 'connors': 20513, 'frist': 20514, 'mccartney': 20515, 'stiches': 20516, 'pleaseyour': 20517, 'josettewh
ere': 20518, 'pond': 20519, 'rog�rio': 20520, 'minotouro': 20521, 'allbeautiful': 20522, 'daybest': 20523, 'co
r': 20524, 'baccck': 20525, 'uhhhg': 20526, 'visteon': 20527, 'deliveries': 20528, 'instructors': 20529, 'player
s': 20530, 'converted': 20531, 'awwhwell': 20532, 'amazingg': 20533, 'replyy': 20534, 'importexport': 20535, 'lo
cally': 20536, 'lunchnow': 20537, 'orchestra': 20538, 'rockedone': 20539, 'tierda': 20540, 'gracias': 20541, 'yo
uknowimsofreshtilldeath': 20542, 'snakesand': 20543, 'hotand': 20544, 'seeyuhhh': 20545, 'jesusim': 20546, 'papa
ya': 20547, 'lobbyists': 20548, 'mangosteen': 20549, 'papayaor': 20550, 'cybersecurity': 20551, 'lina': 20552, '
birthdaypresent': 20553, 'nofakery': 20554, 'akl': 20555, 'stooopid': 20556, 'reconnect': 20557, 'interent': 205
58, 'huffy': 20559, 'cyber': 20560, 'copyright': 20561, 'visually': 20562, 'impaired': 20563, 'publicist': 20564
, 'mcnugget': 20565, 'itell': 20566, 'laundering': 20567, 'constructed': 20568, 'possession': 20569, 'tomm': 205
70, 'sthlm': 20571, 'newnew': 20572, 'decal': 20573, 'froma': 20574, 'therefly': 20575, 'ickkk': 20576, 'abuseok
ay': 20577, 'alrightokay': 20578, 'themso': 20579, 'horseback': 20580, 'tweeet': 20581, 'holcomb': 20582, 'spoil
ers': 20583, 'speller': 20584, 'casablanca': 20585, 'muahh': 20586, 'burton': 20587, 'peaks': 20588, 'watermelon
': 20589, 'hopped': 20590, 'swwwaaaaggg': 20591, 'oooonnnn': 20592, 'dayit': 20593, 'awoooogahhhhhh': 20594, 'bo
wie': 20595, 'alyanna': 20596, 'bondoc': 20597, 'cesar': 20598, 'sosa': 20599, 'moreton': 20600, 'stroppy': 2060
1, 'teenager': 20602, 'stacey': 20603, 'wolverhampton': 20604, 'improved': 20605, 'goy': 20606, 'chemo': 20607,
'hangup': 20608, 'kaylalee': 20609, 'itto': 20610, 'hilaaaaarious': 20611, 'vernae': 20612, 'exhaustedcant': 206
13, 'umno': 20614, 'notmy': 20615, 'summerbut': 20616, 'eutour': 20617, 'fallill': 20618, 'rebound': 20619, 'per
sonermdifficult': 20620, 'minibus': 20621, 'dairy': 20622, 'itch': 20623, 'volcano': 20624, 'inflammed': 20625,
'thrillseekers': 20626, 'cara': 20627, 'demilynnmusic': 20628, 'haunted': 20629, 'housesound': 20630, 'ralphies'
: 20631, 'mandm': 20632, 'helaas': 20633, 'ozbargain': 20634, 'optimising': 20635, 'drupal': 20636, 'ekkkthats':
20637, 'ruffhope': 20638, 'mactastic': 20639, 'alreadi': 20640, 'brass': 20641, 'mischevious': 20642, 'pinwheel'
: 20643, 'interfere': 20644, 'psalm': 20645, 'whitewater': 20646, 'rafting': 20647, 'tripics': 20648, 'whaa': 20
649, 'bof': 20650, 'shelaaaaaaaa': 20651, 'anncole': 20652, 'blabusey': 20653, 'catalog': 20654, 'jitsu': 20655,
'thankyooooou': 20656, 'skippin': 20657, 'ovechkin': 20658, 'haywire': 20659, 'reinforced': 20660, 'sorts': 2066
1, 'folio': 20662, 'girlys': 20663, 'saab': 20664, 'moodle': 20665, 'bookings': 20666, 'kathleen': 20667, 'cred'
: 20668, 'duster': 20669, 'shoppping': 20670, 'greenhills': 20671, 'balikbayans': 20672, 'wasn�t': 20673, 'eee
h': 20674, 'whattttever': 20675, 'interrupt': 20676, 'swifts': 20677, 'pittsburgh': 20678, 'fas': 20679, 'barrio
': 20680, 'records': 20681, 'cmyk': 20682, 'carera': 20683, 'apetite': 20684, 'kennedy': 20685, 'reinjured': 206
86, 'nay': 20687, 'buttfuck': 20688, 'forgetful': 20689, 'zq': 20690, 'luckiest': 20691, 'songd': 20692, 'relien
t': 20693, 'songsi': 20694, 'awakebut': 20695, 'upgradedone': 20696, 'disabling': 20697, 'addons': 20698, 'sophi
es': 20699, 'tia': 20700, 'aright': 20701, 'outties': 20702, 'saaaaafe': 20703, 'friendships': 20704, 'possiblei
m': 20705, 'alochol': 20706, 'adaptor': 20707, 'sundayvisitin': 20708, 'friendbrother': 20709, 'azlol': 20710, '
shiit': 20711, 'yow': 20712, 'attal': 20713, 'bulls': 20714, 'alrite': 20715, 'calicut': 20716, 'doggie': 20717,
'uugghh': 20718, 'orgasmic': 20719, 'chloes': 20720, 'trike': 20721, 'thingo': 20722, 'girraffe': 20723, 'mhm':
20724, 'coulndt': 20725, 'xoabuseblair': 20726, 'prog': 20727, 'shoooot': 20728, 'aaaau': 20729, 'uthanks': 2073
0, 'friendand': 20731, 'forgiveme': 20732, 'trysometimes': 20733, 'frappuccino': 20734, 'iva': 20735, 'yoo': 207
36, 'clwn': 20737, 'cr': 20738, 'jabusedavey': 20739, 'hilow': 20740, 'flygroups': 20741, 'bells': 20742, 'hami'
: 20743, 'janette': 20744, 'lolheeeyyy': 20745, 'undertanding': 20746, 'htb': 20747, 'nerdprom': 20748, 'playbyp
lay': 20749, 'leeuwarden': 20750, 'interlock': 20751, 'twitt': 20752, 'oompa': 20753, 'lumpa': 20754, 'choke': 2
0755, 'sht': 20756, 'cathay': 20757, 'marcus': 20758, 'mucking': 20759, 'rig': 20760, 'jarn': 20761, 'nites': 20
762, 'haribos': 20763, 'chantellie': 20764, 'presh': 20765, 'zdbp': 20766, 'backhad': 20767, 'lonestar': 20768,
'pitchers': 20769, 'geology': 20770, 'bastardized': 20771, 'tuesdaydumb': 20772, 'rulesmy': 20773, 'flipflops':
20774, 'usf': 20775, 'koret': 20776, 'sorrydeep': 20777, 'breaths': 20778, 'panicawayit': 20779, 'abuseu': 20780
, 'dissappointed': 20781, 'abouttttto': 20782, 'lastnightthey': 20783, 'briliant': 20784, 'chained': 20785, 'web
com': 20786, 'yul': 20787, 'liesliesliesyou': 20788, 'practicallyeverything': 20789, 'irvine': 20790, 'stupidstu
pid': 20791, 'sancha': 20792, 'chini': 20793, 'elite': 20794, 'epl': 20795, 'nanay': 20796, 'hugged': 20797, 'me
morize': 20798, 'julius': 20799, 'caesar': 20800, 'likeslol': 20801, 'redbubble': 20802, 'hateeee': 20803, 'stor
ytotally': 20804, 'secondary': 20805, 'treelined': 20806, 'avenuebegins': 20807, 'viewdrowning': 20808, 'regrets
': 20809, 'cigarettesbut': 20810, 'forgetwhen': 20811, 'hounslow': 20812, 'crackers': 20813, 'gaha': 20814, 'ton
oght': 20815, 'sportv': 20816, 'knda': 20817, 'shy': 20818, 'yrbook': 20819, 'evrything': 20820, 'slowthe': 2082
1, 'everyond': 20822, 'chewbacca': 20823, 'leung': 20824, 'neyo': 20825, 'creditcardsized': 20826, 'sticks': 208
27, 'cuong': 20828, 'loooooove': 20829, 'lad': 20830, 'daphne': 20831, 'rehearsestarving': 20832, 'billsim': 208
33, 'misscbw': 20834, 'servicewill': 20835, 'selenagomezlast': 20836, 'smitten': 20837, 'squatting': 20838, 'wor
kyy': 20839, 'mornig': 20840, 'everone': 20841, 'cooli': 20842, 'former': 20843, 'proclamation': 20844, 'rebelli
oustwitwhoknowsacoolcatcook': 20845, 'elvira': 20846, 'sleepi': 20847, 'twittter': 20848, 'washington': 20849, '
calfornia': 20850, 'newbrunswick': 20851, 'architect': 20852, 'tarblack': 20853, 'promenade': 20854, 'prizeand':
20855, 'jogs': 20856, 'awesomest': 20857, 'pubulation': 20858, 'booluv': 20859, 'xxxrebelrebelxxx': 20860, 'cath
olic': 20861, 'wholeheartedly': 20862, 'ambiguous': 20863, 'nonmothers': 20864, 'haciendo': 20865, 'primer': 208
66, 'wyour': 20867, 'abusephewabuse': 20868, 'issue�': 20869, 'witnessing': 20870, 'jurassic': 20871, 'filmed'
: 20872, 'acara': 20873, 'menarik': 20874, 'lain': 20875, 'ttg': 20876, 'yg': 20877, 'dikasih': 20878, 'approach
': 20879, 'gril': 20880, 'whever': 20881, 'sarahs': 20882, 'reorganize': 20883, 'aguilera': 20884, 'ilovemymommy
': 20885, 'ummokjust': 20886, 'tcu': 20887, 'glenelg': 20888, 'filas': 20889, 'definently': 20890, 'lucien': 208
91, 'kerk': 20892, 'vocalists': 20893, 'normaltwo': 20894, 'neeed': 20895, 'slr': 20896, 'airing': 20897, 'progr
aming': 20898, 'soundbite': 20899, 'evenings': 20900, 'wowive': 20901, 'reminders': 20902, 'posture': 20903, 'vi
rginia': 20904, 'roar': 20905, 'triplet': 20906, 'coles': 20907, 'tequila': 20908, 'herew': 20909, 'casagrande':
20910, 'listens': 20911, 'msi': 20912, 'bakes': 20913, 'remarkably': 20914, 'inertial': 20915, 'spartacus': 2091
6, 'shines': 20917, 'shitethank': 20918, 'equations': 20919, 'graphs': 20920, 'elephant': 20921, 'fotoreportage'
: 20922, 'thers': 20923, 'peole': 20924, 'fridayevry': 20925, 'snaaaap': 20926, 'jimmaaayy': 20927, 'hookups': 2
0928, 'essex': 20929, 'happenning': 20930, 'mapsjk': 20931, 'sportday': 20932, 'namaste': 20933, 'naaaah': 20934
, 'shivashankar': 20935, 'spellin': 20936, 'girland': 20937, 'aaahhh': 20938, 'raid': 20939, 'hairstylereal': 20
940, 'thoughi': 20941, 'whistlers': 20942, 'whistling': 20943, 'bedbecause': 20944, 'ahokay': 20945, 'ffaf': 209
46, 'distraaaaacting': 20947, 'ranga': 20948, 'ebook': 20949, 'comingi': 20950, 'skating': 20951, 'wormie': 2095
2, 'yourock': 20953, 'tweeeeeet': 20954, 'fcs': 20955, 'daysim': 20956, 'tanya': 20957, 'weekendpictures': 20958
, 'millsy': 20959, 'debby': 20960, 'souffl�': 20961, 'bouts': 20962, 'ericson': 20963, 'alimony': 20964, 'chri
stmasim': 20965, 'opposites': 20966, 'iswas': 20967, 'iflowers': 20968, 'trough': 20969, 'emos': 20970, 'welchs'
: 20971, 'lonnngg': 20972, 'waldo': 20973, 'ckc': 20974, 'weeeee': 20975, 'dicaprio': 20976, 'jennifer': 20977,
'davisson': 20978, 'killoran': 20979, 'cheerleader': 20980, 'ohrwurm': 20981, 'colorblind': 20982, 'phaket': 209
83, 'anneliese': 20984, 'polly': 20985, 'noghty': 20986, 'badminton': 20987, 'guitars': 20988, 'balling': 20989,
'witnessed': 20990, 'winebeerand': 20991, 'champagnelets': 20992, 'tomorrowlol': 20993, 'metaverse': 20994, 'gam
ier': 20995, 'usage': 20996, 'metaverseu': 20997, 'nau': 20998, 'ordeal': 20999, 'floridia': 21000, 'sleepthen':
21001, 'grind': 21002, 'sourness': 21003, 'jimmie': 21004, 'burnedfried': 21005, 'admin': 21006, 'celtics': 2100
7, 'redsox': 21008, 'braiding': 21009, 'weathernot': 21010, 'jealousur': 21011, 'notlmao': 21012, 'chasetons': 2
1013, 'krys': 21014, 'jimming': 21015, 'winchester': 21016, 'hooping': 21017, 'diiinner': 21018, 'coo': 21019, '
funnow': 21020, 'giddy': 21021, 'beachbut': 21022, 'ferman': 21023, 'eprocurement': 21024, 'blacklisted': 21025,
'whitelist': 21026, 'durango': 21027, 'chaperoning': 21028, 'woodchuck': 21029, 'happiletter': 21030, 'braclets'
: 21031, 'hovering': 21032, 'pissy': 21033, 'loopjazz': 21034, 'ez': 21035, 'bej�n': 21036, 'terminedas': 2103
7, 'kayaking': 21038, 'twi': 21039, 'kidd': 21040, 'finallyy': 21041, 'cleann': 21042, 'layn': 21043, 'goshh': 2
1044, 'aims': 21045, 'negotiation': 21046, 'paintnet': 21047, 'crazily': 21048, 'path': 21049, 'moustachio': 210
50, 'daddio': 21051, 'lokelani': 21052, 'diplo': 21053, 'kathryn': 21054, 'smartbar': 21055, 'outz': 21056, 'uhm
ygawddd': 21057, 'shoesi': 21058, 'iris': 21059, 'zebra': 21060, 'stubbornly': 21061, 'momz': 21062, 'firth': 21
063, 'groupie': 21064, 'throooooooooooooo': 21065, 'okaay': 21066, 'readyshopping': 21067, 'reminising': 21068,
'tinted': 21069, 'grayish': 21070, 'doodle': 21071, 'pocketkeep': 21072, 'wrestlefest': 21073, 'eomstill': 21074
, 'reenacting': 21075, 'afrin': 21076, 'teacup': 21077, 'hup': 21078, 'pollen': 21079, 'profitable': 21080, 'sun
daygonna': 21081, 'addictiveabuse': 21082, 'phast': 21083, 'moxyeverything': 21084, 'wordgummed': 21085, 'grosse
s': 21086, 'torment': 21087, 'designing': 21088, 'heavenly': 21089, 'downpour': 21090, 'freakish': 21091, 'omgzz
z': 21092, 'homer': 21093, 'simspon': 21094, 'yukky': 21095, 'hals': 21096, 'boardan': 21097, 'nightlame': 21098
, 'charades': 21099, 'mentalitiesthere': 21100, 'arabs': 21101, 'insidemust': 21102, 'abusewellabusehowever': 21
103, 'theeee': 21104, 'feeeeeet': 21105, 'dilemma': 21106, 'sanfran': 21107, 'cple': 21108, 'degr': 21109, 'fird
ay': 21110, 'doooo': 21111, 'geometry': 21112, 'castlebar': 21113, 'galway': 21114, 'screenshots': 21115, 'flies
and': 21116, 'londons': 21117, 'measels': 21118, 'boardies': 21119, 'mastermind': 21120, 'statesboro': 21121, 'c
oaches': 21122, 'mander': 21123, 'orreply': 21124, 'awesomespock': 21125, 'hillarious': 21126, 'steels': 21127,
'forevs': 21128, 'remedy': 21129, 'squee': 21130, 'migranes': 21131, 'suckespecially': 21132, 'caliber': 21133,
'symphonycms': 21134, 'nyappy': 21135, 'lichfield': 21136, 'crisps': 21137, 'rosalie': 21138, 'hurghada': 21139,
'donating': 21140, 'cobracam': 21141, 'jaycee': 21142, 'oneletterer': 21143, 'martabak': 21144, 'fattening': 211
45, 'junt': 21146, 'baggageso': 21147, 'chale': 21148, 'retrina': 21149, 'pretenders': 21150, 'twittle': 21151,
'linking': 21152, 'worldima': 21153, 'nymph': 21154, 'fanmail': 21155, 'prixim': 21156, 'flasher': 21157, 'ubcs'
: 21158, 'yeahhavent': 21159, 'gwenyth': 21160, 'scarletts': 21161, 'immediatelyoff': 21162, 'thomasi': 21163, '
decisionand': 21164, 'alarmsong': 21165, 'amma': 21166, 'haahaaa': 21167, 'jellybeaniesss': 21168, 'kurt': 21169
, 'spin': 21170, 'mayor': 21171, 'brainard': 21172, 'workweeks': 21173, 'throughshe': 21174, 'backand': 21175, '
approx': 21176, 'grabs': 21177, 'tonematrix': 21178, 'cheshirecat': 21179, 'musicwhat': 21180, 'amisha': 21181,
'patel': 21182, 'sorce': 21183, 'toobastards': 21184, 'intervention': 21185, 'thoughlol': 21186, 'goosebumps': 2
1187, 'graduationi': 21188, 'houseand': 21189, 'otherinbox': 21190, 'wowthat': 21191, 'canalway': 21192, 'cavalc
ade': 21193, 'warwick': 21194, 'stereos': 21195, 'pistols': 21196, 'chasers': 21197, 'livenation': 21198, 'disco
ntinued': 21199, 'dal��': 21200, 'facebookov�': 21201, 'aplikace': 21202, 'hovno': 21203, 'ratatat': 21204
, 'lluuvv': 21205, 'evenn': 21206, 'moreee': 21207, 'obv': 21208, 'wasupim': 21209, 'stracchino': 21210, 'eron':
21211, 'effy': 21212, 'seeeeeeee': 21213, 'hassnt': 21214, 'crazylike': 21215, 'abuseignmentplease': 21216, 'gro
wl': 21217, 'kiran': 21218, 'landg': 21219, 'disgruntled': 21220, 'investors': 21221, 'loook': 21222, 'kung': 21
223, 'awpoor': 21224, 'sippinn': 21225, 'whut': 21226, 'sta': 21227, 'koxpers': 21228, 'agesand': 21229, 'antoin
ette': 21230, 'hairdo': 21231, 'expand': 21232, 'molyneux': 21233, 'miscarriage': 21234, 'musiq': 21235, 'soulch
ild': 21236, 'hamilton': 21237, 'ugggghhhh': 21238, 'fem': 21239, 'yays': 21240, 'nowlots': 21241, 'anerexic': 2
1242, 'medan': 21243, 'reeesee': 21244, 'earnt': 21245, 'gunn': 21246, 'lp': 21247, 'hereso': 21248, 'voiceover'
: 21249, 'documentary': 21250, 'druidry': 21251, 'sunbeams': 21252, 'sonia': 21253, 'bsame': 21254, 'weightless'
: 21255, 'backgroundmy': 21256, 'heroswichita': 21257, 'kraussey': 21258, 'vivianns': 21259, 'abusecue': 21260,
'musicabuse': 21261, 'ratings': 21262, 'dayem': 21263, 'superexcited': 21264, 'squirells': 21265, 'immature': 21
266, 'simpson': 21267, 'shezza': 21268, 'paula': 21269, 'brokennn': 21270, 'spaz': 21271, 'gqmf': 21272, 'woeful
ly': 21273, 'ontdstartrek': 21274, 'hawaiian': 21275, 'reused': 21276, 'sleeve': 21277, 'laaazy': 21278, 'sunnny
': 21279, 'quitwell': 21280, 'basment': 21281, 'jaxxs': 21282, 'raindropsthats': 21283, 'fuji': 21284, 'youstink
atrespondingtotexts': 21285, 'sleeeepy': 21286, 'jewellry': 21287, 'dressssss': 21288, 'nodo': 21289, 'lifespan'
: 21290, 'homegoing': 21291, 'soberana': 21292, 'manim': 21293, 'wordslooks': 21294, 'giftin': 21295, 'bedpoor':
21296, 'feeeeeed': 21297, 'meeeeee': 21298, 'fillin': 21299, 'spineless': 21300, 'definitley': 21301, 'omegle':
21302, 'happenedi': 21303, 'cockney': 21304, 'queueing': 21305, 'juansimon': 21306, 'hahadid': 21307, 'tabloid':
21308, 'headlines': 21309, 'investigation': 21310, 'counteract': 21311, 'discouraging': 21312, 'dijon': 21313, '
unavailable': 21314, 'phne': 21315, 'eveyone': 21316, 'dieingplease': 21317, 'weekpleeeeeassseee': 21318, 'kryst
al': 21319, 'nighti': 21320, 'overrr': 21321, 'diver': 21322, 'goooooodmorning': 21323, 'distel': 21324, 'nicest
': 21325, 'lifeball': 21326, 'vienna': 21327, 'illys': 21328, 'angela': 21329, 'brothes': 21330, 'cakewish': 213
31, 'jarita': 21332, 'proposal': 21333, 'enzian': 21334, 'cinerama': 21335, 'sugarland': 21336, 'gknight': 21337
, 'seriouslyi': 21338, 'abuseface': 21339, 'waht': 21340, 'abusehugzabusexxxxxxxxxx': 21341, 'moomie': 21342, 'h
oroscopes': 21343, 'offagain': 21344, 'wellure': 21345, 'swingstill': 21346, 'tiredcoffee': 21347, 'traveled': 2
1348, 'kartz': 21349, 'avoided': 21350, 'cinder': 21351, 'dantas': 21352, 'porky': 21353, 'beavs': 21354, 'total
y': 21355, 'oakland': 21356, 'eyelids': 21357, 'mishaneedschapstick': 21358, 'wwdc': 21359, 'fwendsso': 21360, '
repliesfollow': 21361, 'hmmthat': 21362, 'malware': 21363, 'dept': 21364, 'render': 21365, 'revit': 21366, 'auto
cad': 21367, 'raving': 21368, 'beautifulness': 21369, 'skinned': 21370, 'lyke': 21371, 'nitenite': 21372, 'turna
round': 21373, 'repairs': 21374, 'burial': 21375, 'toki': 21376, 'flushed': 21377, 'stakc': 21378, 'reopen': 213
79, 'windshield': 21380, 'wiper': 21381, 'blades': 21382, 'tonked': 21383, 'overs': 21384, 'lovecraftian': 21385
, 'dreamer': 21386, 'edges': 21387, 'kwl': 21388, 'sameway': 21389, 'sickee': 21390, 'jkin': 21391, 'rochelle':
21392, 'streching': 21393, 'eluded': 21394, 'alrightits': 21395, 'okashley': 21396, 'finn': 21397, 'lmaoz': 2139
8, 'regard': 21399, 'drumset': 21400, 'sunthursbut': 21401, 'downfall': 21402, 'fridgeand': 21403, 'clotheshouse
': 21404, 'monthly': 21405, 'wiffleball': 21406, 'yehey': 21407, 'exciteeeddd': 21408, 'balme': 21409, 'aaaaaalc
ohol': 21410, 'bore': 21411, 'mir': 21412, 'echt': 21413, 'angetan': 21414, 'l�sst': 21415, 'gr��en': 2141
6, 'corlaine': 21417, 'shezz': 21418, 'doucheeee': 21419, 'undrstand': 21420, 'busaysjust': 21421, 'englishtagal
og': 21422, 'waray': 21423, 'guniea': 21424, 'let�s': 21425, 'irlanda': 21426, 'mesaj': 21427, 'eroare': 21428
, 'forbiddenyou': 21429, 'ghicit': 21430, 'dres': 21431, 'strudel': 21432, 'runt': 21433, 'disembarking': 21434,
'tswassen': 21435, 'nri': 21436, 'karan': 21437, 'johar': 21438, 'sears': 21439, 'minh': 21440, 'saunaspa': 2144
1, 'rhodes': 21442, 'euruko': 21443, 'mish': 21444, 'gab': 21445, 'bep': 21446, 'trackpad': 21447, 'quarters': 2
1448, 'authorized': 21449, 'refills': 21450, 'dazzle': 21451, 'alllllll': 21452, 'playcount': 21453, 'hasta': 21
454, 'siempre': 21455, 'micah': 21456, 'streetcar': 21457, 'brandynever': 21458, 'baron': 21459, 'shwasty': 2146
0, 'shloshed': 21461, 'massages': 21462, 'brent': 21463, 'gils': 21464, 'toget': 21465, 'nerdim': 21466, 'writin
': 21467, 'lik': 21468, 'jab': 21469, 'paginating': 21470, 'aspnet': 21471, 'listview': 21472, 'unhook': 21473,
'cronies': 21474, 'ooopps': 21475, 'speakerphone': 21476, 'yahh': 21477, 'knowng': 21478, 'sungs': 21479, 'erbdy
': 21480, 'sheat': 21481, 'boredtried': 21482, 'nighthave': 21483, 'unfortuantley': 21484, 'hanks': 21485, 'flas
hpoints': 21486, 'chevron': 21487, 'allison': 21488, 'mooned': 21489, 'dangggg': 21490, 'jumpy': 21491, 'working
and': 21492, 'yealooks': 21493, 'issorry': 21494, 'touchwas': 21495, 'contributing': 21496, 'retirement': 21497,
'employer': 21498, 'ritualistic': 21499, 'calculus': 21500, 'derivative': 21501, 'identity': 21502, 'goonies': 2
1503, 'projected': 21504, 'leatherman': 21505, 'phds': 21506, 'taunting': 21507, 'greenim': 21508, 'afraidiowe':
21509, 'rrtheatre': 21510, 'clownin': 21511, 'twittermy': 21512, 'cement': 21513, 'rows': 21514, 'pixels': 21515
, 'friidays': 21516, 'macris': 21517, 'lunching': 21518, 'trojan': 21519, 'evo': 21520, 'gudluck': 21521, 'kmf':
21522, 'repeating': 21523, 'ani': 21524, 'ambyr': 21525, 'longgggg': 21526, 'linoleum': 21527, 'carving': 21528,
'warden': 21529, 'jkwish': 21530, 'evenlyn': 21531, 'tomora': 21532, 'abusestarts': 21533, 'cryinabuse': 21534,
'thatand': 21535, 'processing': 21536, 'amusedtime': 21537, 'alan': 21538, 'partridge': 21539, 'ohyeahhh': 21540
, 'laaaaaaaaave': 21541, 'shatterd': 21542, 'sumthing': 21543, 'backeveryones': 21544, 'lingerie': 21545, 'minne
soooooooota': 21546, 'cliquot': 21547, 'pfff': 21548, 'woeiwoeiwoei': 21549, 'whitby': 21550, 'ly': 21551, 'tamm
y': 21552, 'titos': 21553, 'haley': 21554, 'leyton': 21555, 'echo': 21556, 'abusetake': 21557, 'breathabuse': 21
558, 'funnest': 21559, 'moab': 21560, 'stepbystep': 21561, 'elijah': 21562, 'relapse': 21563, 'nikon': 21564, 'b
ulmers': 21565, 'pear': 21566, 'slush': 21567, 'hurryup': 21568, 'omgimpatient': 21569, 'ligaments': 21570, 'rep
orter': 21571, 'kyles': 21572, 'fwiends': 21573, 'rawrrr': 21574, 'jaydiohead': 21575, 'irate': 21576, 'callers'
: 21577, 'pabuseed': 21578, 'fosters': 21579, 'butttt': 21580, 'feelers': 21581, 'sdps': 21582, 'hollowbabeshere
': 21583, 'kiddosgotta': 21584, 'okai': 21585, 'shag': 21586, 'overthetop': 21587, 'retweeting': 21588, 'pantech
': 21589, 'hubbytobe': 21590, 'daysometimes': 21591, 'easyjust': 21592, 'musici': 21593, 'ayehe': 21594, 'fk': 2
1595, 'winninggggg': 21596, 'abusesigh': 21597, 'recalled': 21598, 'humous': 21599, 'doritos': 21600, 'nonsense'
: 21601, 'blamed': 21602, 'gordon': 21603, 'mills': 21604, 'macdonalds': 21605, 'alreadyback': 21606, 'lifeestyl
e': 21607, 'suits': 21608, 'uminaa': 21609, 'himoh': 21610, 'tamera': 21611, 'anywaythe': 21612, 'cw': 21613, 'a
ppreciating': 21614, 'beckiiex': 21615, 'fabusein': 21616, 'incredily': 21617, 'domination': 21618, 'grooveshark
': 21619, 'ke': 21620, 'bande': 21621, 'hasde': 21622, 'cowering': 21623, 'calandercalendar': 21624, 'collander'
: 21625, 'abusestillabuse': 21626, 'gasthe': 21627, 'manford': 21628, 'pohaku': 21629, 'ngh': 21630, 'aaaaaw': 2
1631, 'etsyseller': 21632, 'buffie': 21633, 'techyuppie': 21634, 'secure': 21635, 'pensioners': 21636, 'racing':
21637, 'germ�n': 21638, 'rodr�guezs': 21639, 'brynn': 21640, 'everreally': 21641, 'tinkerbell': 21642, 'hmvs
o': 21643, 'hmvnever': 21644, 'webdu': 21645, 'yeahhhhhhhhhhhhh': 21646, 'angus': 21647, 'cleaners': 21648, 'chi
rp': 21649, 'outsidewell': 21650, 'familyfriend': 21651, 'intofar': 21652, 'girlall': 21653, 'artcabinet': 21654
, 'apptsnot': 21655, 'aaahhhjust': 21656, 'embarrased': 21657, 'standard': 21658, 'pinic': 21659, 'welllll': 216
60, 'sunnys': 21661, 'atlas': 21662, 'morocco': 21663, 'straits': 21664, 'gibraltar': 21665, 'europa': 21666, 'g
ib': 21667, 'poser': 21668, 'gambling': 21669, 'yiha': 21670, 'duff': 21671, 'thundering': 21672, 'waltzer': 216
73, 'abuseseducedabuse': 21674, 'kathy': 21675, 'dawsons': 21676, 'assfuck': 21677, 'hairdoing': 21678, 'wimpers
': 21679, 'holga': 21680, 'meany': 21681, 'popularent': 21682, 'boog': 21683, 'minhey': 21684, 'travellers': 216
85, 'runaway': 21686, 'jacksonville': 21687, 'gooooonight': 21688, 'stripes': 21689, 'yeehah': 21690, 'itl': 216
91, 'annabelle': 21692, 'whataburger': 21693, 'tally': 21694, 'footy': 21695, 'hyperlinks': 21696, 'indentation'
: 21697, 'distances': 21698, 'dinnerbuffalo': 21699, 'provolone': 21700, 'beefsteak': 21701, 'brush': 21702, 'no
ah': 21703, 'defunct': 21704, 'buffy': 21705, 'boyle': 21706, 'quits': 21707, 'hugcuz': 21708, 'correctly': 2170
9, 'novacaine': 21710, 'mileey': 21711, 'voe': 21712, 'mariahnever': 21713, 'kenyattas': 21714, 'biiig': 21715,
'dtn': 21716, 'naperville': 21717, 'enhanced': 21718, 'exhaaaausted': 21719, 'twtvite': 21720, 'aptw': 21721, 'e
ngagements': 21722, 'hourssss': 21723, 'sooooocalllll': 21724, 'jobros': 21725, 'examination': 21726, 'qlad': 21
727, 'tooshers': 21728, 'clockkkcome': 21729, 'feliz': 21730, 'delas': 21731, 'scheduler': 21732, 'demisterling'
: 21733, 'jemi': 21734, 'bruh': 21735, 'erection': 21736, 'tedx': 21737, 'pincode': 21738, 'tostitos': 21739, 'p
iknik': 21740, 'pdates': 21741, 'muchfinalityto': 21742, 'midwest': 21743, 'shelving': 21744, 'piglets': 21745,
'chucks': 21746, 'diagram': 21747, 'mainstream': 21748, 'adoption': 21749, 'throte': 21750, 'collabro': 21751, '
wjphlip': 21752, 'alicias': 21753, 'idkkkk': 21754, 'approving': 21755, 'twa': 21756, 'showers': 21757, 'agoit':
21758, 'scarce': 21759, 'oberhausen': 21760, 'ochh': 21761, 'supose': 21762, 'thaught': 21763, 'ruineddeath': 21
764, 'meals': 21765, 'smtimes': 21766, 'thrs': 21767, 'solitude': 21768, 'lk': 21769, 'dulay': 21770, 'bel': 217
71, 'alabang': 21772, 'placeima': 21773, 'ticon': 21774, 'otalia': 21775, 'abusetearabuse': 21776, 'riotnow': 21
777, 'chlamydiabut': 21778, 'poxsyphilis': 21779, 'oncall': 21780, 'emcs': 21781, 'sacrificing': 21782, 'nonmomm
ies': 21783, 'sooooooooooo': 21784, 'bumbed': 21785, 'batcave': 21786, 'upstupid': 21787, 'bberry': 21788, 'wors
': 21789, 'weekenda': 21790, 'puffffy': 21791, 'leavinggggggg': 21792, 'unclaimed': 21793, 'sleepdeprived': 2179
4, 'administrators': 21795, 'firew': 21796, 'creditcard': 21797, 'yaaaaay': 21798, 'sworn': 21799, 'abusegiggles
abuse': 21800, 'toeat': 21801, 'kahuna': 21802, 'ranger': 21803, 'cathylofran': 21804, 'millions': 21805, 'murde
r': 21806, 'ahugs': 21807, 'aaarrrgggghhh': 21808, 'decribe': 21809, 'occured': 21810, 'outyou': 21811, 'coulton
': 21812, 'prompting': 21813, 'expedited': 21814, 'geeksonaplane': 21815, 'hyperventilating': 21816, 'slippery':
21817, 'hmmmm�being': 21818, 'butlers': 21819, 'hispanic': 21820, 'hendrix': 21821, 'cosmos': 21822, 'menfolk'
: 21823, 'fucken': 21824, 'deffff': 21825, 'moood': 21826, 'withdrew': 21827, 'idp': 21828, 'camps': 21829, 'idp
relief': 21830, 'clamped': 21831, 'outhaha': 21832, 'cleanup': 21833, 'peepin': 21834, 'bboys': 21835, 'ssshh':
21836, 'abusehead': 21837, 'deskabuse': 21838, 'tobutt': 21839, 'boduch': 21840, 'childline': 21841, 'rhinestone
s': 21842, 'cincy': 21843, 'playstation': 21844, 'controllers': 21845, 'grices': 21846, 'kissa': 21847, 'enchila
das': 21848, 'suizas': 21849, 'sxsw': 21850, 'speedo': 21851, 'hoursand': 21852, 'upps': 21853, 'yellowishorange
ishbrownish': 21854, 'sender': 21855, 'sade': 21856, 'slightest': 21857, 'abusemore': 21858, 'northlands': 21859
, 'newscenter': 21860, 'getaways': 21861, 'northland': 21862, 'festive': 21863, 'sunshineeeeeee': 21864, 'paragr
aph': 21865, 'opting': 21866, 'mmmmmmmm': 21867, 'njalmost': 21868, 'positivity': 21869, 'nomatter': 21870, 'hmz
': 21871, 'governmental': 21872, 'workingbooo': 21873, 'rieger': 21874, 'begonia': 21875, 'sleepytime': 21876, '
preachers': 21877, 'educator': 21878, 'yh': 21879, 'eekk': 21880, 'brushing': 21881, 'ladybug': 21882, 'fucktard
': 21883, 'almighty': 21884, 'abusewhistleabuse': 21885, 'trapeze': 21886, 'storesee': 21887, 'campers': 21888,
'withdrawls': 21889, 'pase': 21890, 'ain': 21891, 'lazying': 21892, 'sensors': 21893, 'donabuses': 21894, 'persi
an': 21895, 'beli': 21896, 'typo': 21897, 'realale': 21898, 'anthem': 21899, 'royal': 21900, 'compos': 21901, 'c
wpm': 21902, 'calcs': 21903, 'hawthorne': 21904, 'zomg': 21905, 'samuel': 21906, 'louie': 21907, 'shutdown': 219
08, 'livestream': 21909, 'hubbies': 21910, 'niteout': 21911, 'mediterenean': 21912, 'duet': 21913, 'mondaaaaaay'
: 21914, 'mariel': 21915, 'swords': 21916, 'pigged': 21917, 'homeroasted': 21918, 'tecas': 21919, 'bologna': 219
20, 'saigon': 21921, 'hanoi': 21922, 'disintegrating': 21923, 'reprobates': 21924, 'luch': 21925, 'lodging': 219
26, 'babys': 21927, 'housetaking': 21928, 'studyingwhew': 21929, 'smarmy': 21930, 'churchsunday': 21931, 'confli
cts': 21932, 'niffer': 21933, 'doberman': 21934, 'bodys': 21935, 'resisting': 21936, 'whoah': 21937, 'denton': 2
1938, 'musician': 21939, 'profit': 21940, 'southkorean': 21941, 'cingular': 21942, 'parentals': 21943, 'arlando'
: 21944, 'havne': 21945, 'timenow': 21946, 'lula': 21947, 'vacuums': 21948, 'jenni': 21949, 'lovelyso': 21950, '
mailbox': 21951, 'musicfeeling': 21952, 'mex': 21953, 'robina': 21954, 'nervousness': 21955, 'frequently': 21956
, 'millenia': 21957, 'grrrrri': 21958, 'hemp': 21959, 'skinny': 21960, 'deranged': 21961, 'lonovala': 21962, 'we
ddingbtno': 21963, 'arrngmnts': 21964, 'wrkg': 21965, 'cockatiels': 21966, 'momo': 21967, 'twitterize': 21968, '
cynics': 21969, 'everyou': 21970, 'elmo': 21971, 'beastie': 21972, 'abusepew': 21973, 'pewwabuse': 21974, 'phase
rs': 21975, 'repent': 21976, 'gyms': 21977, 'googs': 21978, 'shred': 21979, 'uttered': 21980, 'ical': 21981, 'ar
izzard': 21982, 'groupies': 21983, 'stalkers': 21984, 'antidisestablishmentarianism': 21985, 'strings': 21986, '
eeeeeeeeeee': 21987, 'herd': 21988, 'somalions': 21989, 'emailsvoicemailsfacebook': 21990, 'tfa': 21991, 'precia
te': 21992, 'hunnie': 21993, 'xdxdxd': 21994, 'fedex': 21995, 'pav': 21996, 'bhaaji': 21997, 'finely': 21998, 'l
eftthe': 21999, 'dive': 22000, 'vis': 22001, 'dynamite': 22002, 'toll': 22003, 'reefs': 22004, 'reflecting': 220
05, 'sunlight': 22006, 'ciao': 22007, 'wolftrap': 22008, 'itthe': 22009, 'thisare': 22010, 'abusefrownsabuse': 2
2011, 'cyberstalking': 22012, 'bruvs': 22013, 'timetable': 22014, 'fortunate': 22015, 'singleour': 22016, 'basse
t': 22017, 'hound': 22018, 'nazi': 22019, 'latteeeeeeeeeee': 22020, 'scripts': 22021, 'cookers': 22022, 'tangled
': 22023, 'dislocation': 22024, 'fracture': 22025, 'resulted': 22026, 'abuseblows': 22027, 'neways': 22028, 'kev
ins': 22029, 'supremists': 22030, 'abhor': 22031, 'appending': 22032, 'verticalchinese': 22033, 'piling': 22034,
'lovatoback': 22035, 'lovatobehind': 22036, 'weeee': 22037, 'exclude': 22038, 'completelyim': 22039, '���ï
¿½': 22040, 'whr': 22041, 'nyt': 22042, 'clambering': 22043, 'abnormal': 22044, 'nno': 22045, 'lulus': 22046, 's
lanted': 22047, 'ketboard': 22048, 'positivly': 22049, 'euhm': 22050, 'tablespotting': 22051, 'bryant': 22052, '
wallinwood': 22053, 'montagues': 22054, 'capulets': 22055, 'eeeeeeek': 22056, 'extracted': 22057, 'policy': 2205
8, 'refusing': 22059, 'woodies': 22060, 'longboard': 22061, 'hove': 22062, 'brenda': 22063, 'clarify': 22064, 'p
ratice': 22065, 'eppy': 22066, 'reeheally': 22067, 'geo': 22068, 'zoned': 22069, 'ghhh': 22070, 'caaaaant': 2207
1, 'sleepits': 22072, 'wahhhh': 22073, 'cenario': 22074, 'mwahs': 22075, 'reefried': 22076, 'weirdness': 22077,
'terence': 22078, 'cao': 22079, 'overdose': 22080, 'fainting': 22081, 'imitate': 22082, 'thassa': 22083, 'tgi':
22084, 'reservation': 22085, 'normaland': 22086, 'throats': 22087, 'computed': 22088, 'jipped': 22089, 'yestarda
y': 22090, 'lifeline': 22091, 'yayou': 22092, 'irked': 22093, 'petty': 22094, 'nowgood': 22095, 'funi': 22096, '
gossiping': 22097, 'bia': 22098, 'abusegive': 22099, 'goo': 22100, 'homebirth': 22101, 'moot': 22102, 'awwwwwwww
ww': 22103, 'jusaww': 22104, 'insight': 22105, 'stunnedits': 22106, 'aweomse': 22107, 'tooooooo': 22108, 'mommal
uv': 22109, 'pateven': 22110, 'jehovahs': 22111, 'alo': 22112, 'uniten': 22113, 'pianist': 22114, 'verona': 2211
5, 'enjoyyitverymuch': 22116, 'phothos': 22117, 'bartender': 22118, 'ourbetter': 22119, 'maamwow': 22120, 'peopl
ei': 22121, 'goddess': 22122, 'workingbut': 22123, 'hiphiphoray': 22124, 'rhinitis': 22125, 'boohooo': 22126, 'u
nanticipated': 22127, 'quashed': 22128, 'loocie': 22129, 'youuuuu': 22130, 'santino': 22131, 'thirteen': 22132,
'amthanks': 22133, 'swolen': 22134, 'shitt': 22135, 'innh': 22136, 'intriguing': 22137, 'bennett': 22138, 'innoc
ence': 22139, 'dollsthey': 22140, 'sailor': 22141, 'ians': 22142, 'dokomi': 22143, 'abbies': 22144, 'gaaay': 221
45, 'pisay': 22146, 'wellz': 22147, 'ianne': 22148, 'terrance': 22149, 'sandwiched': 22150, 'screaaaaaaaaaaaaaaa
aaaaaaaaaaaaaam': 22151, 'freu': 22152, 'zu': 22153, 'fr�h': 22154, 'skaters': 22155, 'familiarsorry': 22156,
'sanibel': 22157, 'heyheyheyheyehyeyyyyyyyyyyyyyyyy': 22158, 'friad': 22159, 'jeffs': 22160, 'wharra': 22161, 'y
ano': 22162, 'whooaaa': 22163, 'overwheolming': 22164, 'itus': 22165, 'jacqueline': 22166, 'wilson': 22167, 'cbb
c': 22168, 'twitterbgt': 22169, 'tinkn': 22170, 'boohooooooooooo': 22171, 'abuelo': 22172, 'aguadilla': 22173, '
hmmp': 22174, 'rovin': 22175, 'describe': 22176, 'fieldwork': 22177, 'databook': 22178, 'awkwardly': 22179, 'bit
mr': 22180, 'fresno': 22181, 'beasted': 22182, 'purrtty': 22183, 'abusewinkabuse': 22184, 'meatballs': 22185, 'a
wwthanks': 22186, 'yaeh': 22187, 'homeit': 22188, 'suekd': 22189, 'sanctity': 22190, 'tainted': 22191, 'atwork':
22192, 'butbutbuttt': 22193, 'exhaustedneed': 22194, 'bedgotta': 22195, 'yuckhappy': 22196, 'mufasa': 22197, 'wa
rriors': 22198, 'heeey': 22199, 'hockeywe': 22200, 'onewith': 22201, 'inflamed': 22202, 'whooops': 22203, 'iemot
icons': 22204, 'appstore': 22205, 'arrg': 22206, 'picturedarn': 22207, 'misshimalready': 22208, 'yeeeee': 22209,
'murked': 22210, 'bonzo': 22211, 'mortified': 22212, 'newsbites': 22213, 'mancat': 22214, 'youironing': 22215, '
tooprob': 22216, 'laternt': 22217, 'veronicas': 22218, 'lovies': 22219, 'sammich': 22220, 'bongie': 22221, 'mat'
: 22222, 'intersubjectively': 22223, 'chemical': 22224, 'sodahead': 22225, 'blindly': 22226, 'lill': 22227, 'fac
epalm': 22228, 'yosemite': 22229, 'trueand': 22230, 'poetic': 22231, 'hoes': 22232, 'funnot': 22233, 'afterthoug
ht': 22234, 'paychecks': 22235, 'crocodile': 22236, 'farolito': 22237, 'facebookdetox': 22238, 'sok': 22239, 'st
rangle': 22240, 'salesman': 22241, 'shamwow': 22242, 'yeha': 22243, 'damit': 22244, 'communityfirstandtrust': 22
245, 'etonlinecom': 22246, 'abusesobabuse': 22247, 'arellano': 22248, 'mika': 22249, 'yesterdays': 22250, 'covin
a': 22251, 'chino': 22252, 'laxative': 22253, 'conaway': 22254, 'kenickieso': 22255, 'vehicles': 22256, 'governo
r': 22257, 'furlough': 22258, 'custody': 22259, 'brutal': 22260, 'artistic': 22261, 'abilities': 22262, 'enroll'
: 22263, 'suckd': 22264, 'pockeded': 22265, 'aaggh': 22266, 'gash': 22267, 'advertisement': 22268, 'buttershots'
: 22269, 'thankgod': 22270, 'crackberry': 22271, 'coooolest': 22272, 'corpes': 22273, 'freesats': 22274, 'wesely
': 22275, 'ladyfriend': 22276, 'sport': 22277, 'sosad': 22278, 'apparent': 22279, 'dps': 22280, 'julian': 22281,
'upkeep': 22282, 'manageable': 22283, 'brownred': 22284, 'nailing': 22285, 'webconcepting': 22286, 'zoneabuse':
22287, 'awarded': 22288, 'homepage': 22289, 'sometimessomtimes': 22290, 'zak': 22291, 'wuld': 22292, 'waterguns'
: 22293, 'nutz': 22294, 'gamemothers': 22295, 'ewl': 22296, 'flock': 22297, 'careerbuilder': 22298, 'discover':
22299, 'tallblonde': 22300, 'bullwinkle': 22301, 'fractured': 22302, 'fairy': 22303, 'inhaled': 22304, 'interact
': 22305, 'sullivan': 22306, 'mollie': 22307, 'bestest': 22308, 'cuidalo': 22309, 'worcester': 22310, 'sleepines
s': 22311, 'lentil': 22312, 'schoolmate': 22313, 'bally': 22314, 'layed': 22315, 'jobfield': 22316, 'installers'
: 22317, 'shapeshifter': 22318, 'tiredi': 22319, 'twitterlol': 22320, 'lifelol': 22321, 'motherss': 22322, 'lunc
hhmph': 22323, 'danced': 22324, 'wellllllllllllll': 22325, 'lohang': 22326, 'librefm': 22327, 'audacious': 22328
, 'cuteshould': 22329, 'abuseat': 22330, 'mineu': 22331, 'harassing': 22332, 'ringing': 22333, 'asbos': 22334, '
reiki': 22335, 'waaaa': 22336, 'dt': 22337, 'umbrellaless': 22338, 'weep': 22339, 'blacks': 22340, 'marbled': 22
341, 'mizmind': 22342, 'annnnnnddd': 22343, 'basicallyheadache': 22344, 'stuvk': 22345, 'stpid': 22346, 'abuseya
aawnabuse': 22347, 'mentaly': 22348, 'hotshot': 22349, 'pupils': 22350, 'youngins': 22351, 'concer': 22352, 'chi
lee': 22353, 'dodgy': 22354, 'neighbourhood': 22355, 'strek': 22356, 'dhq': 22357, 'kales': 22358, 'forehead': 2
2359, 'togetha': 22360, 'pianoand': 22361, 'myweakness': 22362, 'digestives': 22363, 'krista': 22364, 'fiftythou
sand': 22365, 'lauries': 22366, 'haystack': 22367, 'stokoe': 22368, 'wax': 22369, 'auduns': 22370, 'driveor': 22
371, 'storei': 22372, 'derbyshire': 22373, 'percy': 22374, 'thrower': 22375, 'gardnerinresidence': 22376, 'packs
only': 22377, 'liter': 22378, 'outnow': 22379, 'tavares': 22380, 'yir': 22381, 'morrningg': 22382, 'twitpics': 2
2383, 'tees': 22384, 'aislinntighee': 22385, 'bhaha': 22386, 'teenage': 22387, 'nightclub': 22388, 'horn': 22389
, 'nothinbg': 22390, 'yogurtland': 22391, 'peruvian': 22392, 'euh': 22393, 'ldap': 22394, 'schema': 22395, 'morn
ingwondering': 22396, 'assessment': 22397, 'spirituality': 22398, 'trs': 22399, 'itttt': 22400, 'groupchat': 224
01, 'ymous': 22402, 'contrast': 22403, 'bjs': 22404, 'kpopped': 22405, 'outtamyleague': 22406, 'pardon': 22407,
'yahooo': 22408, 'summerball': 22409, 'homey': 22410, 'polanco': 22411, 'cypher': 22412, 'twitteraddict': 22413,
'ooooooooold': 22414, 'loloh': 22415, 'untwit': 22416, 'frenchies': 22417, 'precedent': 22418, 'madam': 22419, '
glued': 22420, 'resteraunt': 22421, 'worldraining': 22422, 'dingle': 22423, 'kimba': 22424, 'diaries': 22425, 'p
ooof': 22426, 'midsong': 22427, 'fonz': 22428, 'teami': 22429, 'excels': 22430, 'videophoto': 22431, 'lags': 224
32, 'ticking': 22433, 'sloooooooooowlyyyyyyyyyyyyy': 22434, 'exbaristas': 22435, 'commonalities': 22436, 'btch':
22437, 'jeffree': 22438, 'rawks': 22439, 'funnel': 22440, 'invitingall': 22441, 'herman': 22442, 'pitchfork': 22
443, 'shutup': 22444, 'mong': 22445, 'buggin': 22446, 'midge': 22447, 'punkd': 22448, 'thelovelybones': 22449, '
premire': 22450, 'rakeem': 22451, 'funnyy': 22452, 'interwebz': 22453, 'niiiiiiiights': 22454, 'practiceall': 22
455, 'hilary': 22456, 'processes': 22457, 'rwhats': 22458, 'mit': 22459, 'tol': 22460, 'songhello': 22461, 'apol
ogised': 22462, 'contestants': 22463, 'xxoo': 22464, 'amadou': 22465, 'miriam': 22466, 'tue': 22467, 'showwwww':
22468, 'showcase': 22469, 'playable': 22470, 'exclusivity': 22471, 'ayaw': 22472, 'bumukas': 22473, 'supplys': 2
2474, 'greastest': 22475, 'carpool': 22476, 'alltime': 22477, 'skunks': 22478, 'likeing': 22479, 'eldorado': 224
80, 'aliante': 22481, 'abusememories': 22482, 'torino': 22483, 'longhaul': 22484, 'timea': 22485, 'cloggin': 224
86, 'lolwas': 22487, 'napi': 22488, 'cherokee': 22489, 'directing': 22490, 'besi': 22491, 'cong': 22492, 'ruling
': 22493, 'karnataka': 22494, 'cauvery': 22495, 'textiles': 22496, 'siberia': 22497, 'trang': 22498, 'n�y': 22
499, 'xem': 22500, 'lecturer': 22501, 'gob': 22502, 'yayschoolisout': 22503, 'appraising': 22504, 'compose': 225
05, 'washingtonim': 22506, 'hungryi': 22507, 'unto': 22508, 'andywent': 22509, 'soupbut': 22510, 'summary': 2251
1, 'pcfopc': 22512, 'indiaand': 22513, 'sorrymy': 22514, 'checkedlosing': 22515, 'honi': 22516, 'tonigh': 22517,
'frc': 22518, 'pcola': 22519, 'majorlyhhhmmmnnnim': 22520, 'thinkingi': 22521, 'concealerim': 22522, 'twibe': 22
523, 'appericiate': 22524, 'supports': 22525, 'mktg': 22526, 'agents': 22527, 'wham': 22528, 'spamvirus': 22529,
'threat': 22530, 'sponsor': 22531, 'decisive': 22532, 'kardashians': 22533, 'haaha': 22534, 'deals': 22535, 'tom
oo': 22536, 'ndc': 22537, 'amendment': 22538, 'pimpin': 22539, 'thrd': 22540, 'lions': 22541, 'nowif': 22542, 'c
hauncey': 22543, 'raf': 22544, 'boulmer': 22545, 'themed': 22546, 'brickman': 22547, 'charms': 22548, 'werewooki
ee': 22549, 'sonetime': 22550, 'laminator': 22551, 'bustin': 22552, 'appeal': 22553, 'annoyedyet': 22554, 'skimm
ed': 22555, 'enemies': 22556, 'wingman': 22557, 'evernote': 22558, 'fllwng': 22559, 'thm': 22560, 'evernoteeyefi
': 22561, 'uscan': 22562, 'nightohh': 22563, 'ug': 22564, 'nobel': 22565, 'moleskine�': 22566, 'isabelle': 225
67, 'gaba': 22568, 'evrytime': 22569, 'mojojojo': 22570, 'dexters': 22571, 'umbrellai': 22572, 'maaaaannnn': 225
73, 'holidayzzzzz': 22574, 'hydro': 22575, 'awethank': 22576, 'errbody': 22577, 'guessabuse': 22578, 'thololol':
22579, 'waitress': 22580, 'rinse': 22581, 'conditoner': 22582, 'ditzy': 22583, 'skits': 22584, 'omnomnom': 22585
, 'backlog': 22586, 'bakugan': 22587, 'suzy': 22588, 'fro': 22589, 'kacie': 22590, 'egrowth': 22591, 'ronnie': 2
2592, 'geared': 22593, 'jamaica': 22594, 'lve': 22595, 'dense': 22596, 'continuation': 22597, 'interpreter': 225
98, 'sicp': 22599, 'downing': 22600, 'various': 22601, 'brides': 22602, 'onceby': 22603, 'glassers': 22604, 'cal
la': 22605, 'zindex': 22606, 'problemagain': 22607, 'conscience': 22608, 'illuminated': 22609, 'lighten': 22610,
'kiddyoull': 22611, 'momthat': 22612, 'insufficient': 22613, 'fundage': 22614, 'watchmen': 22615, 'twittereveryo
ne': 22616, 'queef': 22617, 'duhhhhhh': 22618, 'brewer': 22619, 'visialvoicemail': 22620, 'ixigocom': 22621, 'fi
st': 22622, 'biker': 22623, 'guyand': 22624, 'ehhh': 22625, 'pulledroot': 22626, 'ddub': 22627, 'clam': 22628, '
freed': 22629, 'americas': 22630, 'worthing': 22631, 'oiks': 22632, 'rade': 22633, 'ahahaay': 22634, 'cher': 226
35, 'wcandice': 22636, 'gail': 22637, 'geezzz': 22638, 'siargao': 22639, 'nlng': 22640, 'pla': 22641, 'abusemuah
abuse': 22642, 'webdesign': 22643, 'popularity': 22644, 'thodont': 22645, 'chux': 22646, 'maudio': 22647, 'earbu
d': 22648, 'ceased': 22649, 'shures': 22650, 'bprohibiting': 22651, 'heeeeere': 22652, 'sling': 22653, 'rl': 226
54, 'folder': 22655, 'metsies': 22656, 'cramples': 22657, 'fieeerrceee': 22658, 'shitshow': 22659, 'thrilling':
22660, 'joyride': 22661, 'roadtrip': 22662, 'pai': 22663, 'repellant': 22664, 'devils': 22665, 'successfully': 2
2666, 'flue': 22667, 'carolyn': 22668, 'curlupinaballandread': 22669, 'kaufer': 22670, 'wthem': 22671, 'virtues'
: 22672, 'outage': 22673, 'slippy': 22674, 'mer': 22675, 'fer': 22676, 'unabashedly': 22677, 'byw': 22678, 'rive
rs': 22679, 'revisionwhat': 22680, 'funstill': 22681, 'excitingi': 22682, 'euggh': 22683, 'burnsy': 22684, 'comp
arison': 22685, 'enlgland': 22686, 'cajun': 22687, 'craigg': 22688, 'moneyits': 22689, 'arch': 22690, 'mvccs': 2
2691, 'cad': 22692, 'preservers': 22693, 'deangeloredman': 22694, 'slum': 22695, 'landlordsew': 22696, 'sewage':
22697, 'bridesmaids': 22698, 'frioooo': 22699, 'del�cia': 22700, 'ju': 22701, 'nowthats': 22702, 'daysthey': 2
2703, 'faking': 22704, 'hahahai': 22705, 'failfriday': 22706, 'assuming': 22707, 'blogrelated': 22708, 'rfided':
22709, 'object': 22710, 'armani': 22711, 'pantone': 22712, 'klum': 22713, 'magout': 22714, 'fated': 22715, 'youh
ehe': 22716, 'leopards': 22717, 'bankrupt': 22718, 'greaattt': 22719, 'vidjagame': 22720, 'vgtribunecom': 22721,
'coded': 22722, 'epicentre': 22723, 'wheelock': 22724, 'tourists': 22725, 'minimize': 22726, 'todayyyy': 22727,
'nerrrvous': 22728, 'hmmwhat': 22729, 'weheyyyy': 22730, 'midi': 22731, 'iccvb': 22732, 'monwed': 22733, 'ami':
22734, 'foreverrr': 22735, 'yeahyour': 22736, 'aquatic': 22737, 'destroys': 22738, 'thingand': 22739, 'mesa': 22
740, 'ake': 22741, 'tre': 22742, 'machineeeee': 22743, 'schol': 22744, 'rainbow': 22745, 'organs': 22746, 'staac
k': 22747, 'fundraiser': 22748, 'jelz': 22749, 'ignorance': 22750, 'craptastic': 22751, 'girrrrl': 22752, 'panca
ke': 22753, 'mri': 22754, 'neurosurgeon': 22755, 'itwhich': 22756, 'rehearsalgonna': 22757, 'jihoon': 22758, 'he
he�i': 22759, 'finishin': 22760, 'trace': 22761, 'wov': 22762, 'chevrolet': 22763, 'beautful': 22764, 'wondere
d': 22765, 'rake': 22766, 'ccnet': 22767, 'critics': 22768, 'constitutes': 22769, 'retry': 22770, 'yuu': 22771,
'seemingly': 22772, 'tya�': 22773, 'caf': 22774, 'viocenite': 22775, 'gloucester': 22776, 'docks': 22777, 'yup
still': 22778, 'trainstubes': 22779, 'seriuosly': 22780, 'helden': 22781, 'thu': 22782, 'surface': 22783, 'rathb
one': 22784, 'yearslol': 22785, 'ftp': 22786, 'fireftp': 22787, 'siiiick': 22788, 'paintballin': 22789, 'lisette
': 22790, 'pickup': 22791, 'dayspeaking': 22792, 'planters': 22793, 'tingling': 22794, 'festivus': 22795, 'wrest
ling': 22796, 'dirt': 22797, 'realization': 22798, 'creppy': 22799, 'facebookcom': 22800, 'isint': 22801, 'fjgkf
ldsdh': 22802, 'hooo': 22803, 'hyhtt': 22804, 'aaaagh': 22805, 'coolin': 22806, 'fracked': 22807, 'diskhappiness
': 22808, 'exploit': 22809, 'pats': 22810, 'cheesesteak': 22811, 'cheeeks': 22812, 'spasy': 22813, 'lovage': 228
14, 'mattew': 22815, 'mcconaughey': 22816, 'smexy': 22817, 'reunited': 22818, 'fullpage': 22819, 'ajc': 22820, '
reaaaallly': 22821, 'lambastes': 22822, 'bankers': 22823, 'insurers': 22824, '�greed�': 22825, '�stupidity
�': 22826, 'tmwr': 22827, 'numero': 22828, 'uno': 22829, 'slab': 22830, 'hahaaaa': 22831, 'presale': 22832, 'a
dmission': 22833, 'clubs': 22834, 'sono': 22835, 'defunctlesi': 22836, 'herehanging': 22837, 'clipsepisodes': 22
838, 'languish': 22839, 'dg': 22840, 'gammme': 22841, 'tweetcannon': 22842, 'babydoll': 22843, 'spaghettistrap':
22844, 'moons': 22845, 'vibrating': 22846, 'lolly': 22847, 'decoration': 22848, 'scameras': 22849, 'minutes�':
22850, 'pleaser': 22851, 'ubook': 22852, 'ib': 22853, 'incapable': 22854, 'churchill': 22855, 'loooove': 22856,
'nyayhahahah': 22857, 'skit': 22858, 'earful': 22859, 'psychopath': 22860, 'webshots': 22861, 'listenhe': 22862,
'himbut': 22863, 'abusesadnessabuse': 22864, 'parrot': 22865, 'reptile': 22866, 'limitation': 22867, 'shakespear
e': 22868, 'garrulous': 22869, 'fourthgrade': 22870, 'scribe': 22871, 'meka': 22872, 'pril': 22873, 'clogged': 2
2874, 'whatsup': 22875, 'betill': 22876, 'platinum': 22877, 'stayathome': 22878, 'ecaytrade': 22879, 'noshow': 2
2880, 'announcements': 22881, 'k�lle': 22882, 'montmel�': 22883, 'topshop': 22884, 'doting': 22885, 'watchig
n': 22886, 'windowfar': 22887, 'primarkfeel': 22888, 'fluid': 22889, 'antigravity': 22890, 'chamber': 22891, 'ad
oring': 22892, 'zzzzzzzgoodnight': 22893, 'aaaagggessss': 22894, 'wrangler': 22895, 'halo': 22896, 'easties': 22
897, 'deen': 22898, 'resturants': 22899, 'batshit': 22900, 'orwell': 22901, 'arlington': 22902, 'zeta': 22903, '
spotty': 22904, 'spots': 22905, 'dontthey': 22906, 'abusesending': 22907, 'kindergarden': 22908, 'girsl': 22909,
'lautner': 22910, 'spainyou': 22911, 'grantedluckily': 22912, 'performanceparty': 22913, 'ashington': 22914, 'wh
itley': 22915, 'backhip': 22916, 'zapatos': 22917, 'trashcan': 22918, 'rashid': 22919, 'hahahahahahahahahahahaha
ha': 22920, 'tirednot': 22921, 'daywork': 22922, 'acquainted': 22923, 'twitterin': 22924, 'ouchwaited': 22925, '
waxed': 22926, 'thrifty': 22927, 'aberdeen': 22928, 'usatexas': 22929, 'tunsia': 22930, 'adaptation': 22931, 'in
teriors': 22932, 'swamp': 22933, 'observatory': 22934, 'connecticut': 22935, 'warbler': 22936, 'metzger': 22937,
'magee': 22938, 'fightlol': 22939, 'laughthe': 22940, 'roy': 22941, 'williams': 22942, 'dissects': 22943, 'chach
i': 22944, 'montepulciano': 22945, 'whoore': 22946, 'cologne': 22947, 'harding': 22948, 'frdhows': 22949, 'loveh
unting': 22950, 'yung': 22951, 'appreciabuseate': 22952, 'ahhhlilys': 22953, 'stinky': 22954, 'obu': 22955, 'che
ster': 22956, 'bennington': 22957, 'succeed': 22958, 'similarity': 22959, 'buenohope': 22960, 'disorder': 22961,
'suuuks': 22962, 'gradually': 22963, 'ptfe': 22964, 'flowered': 22965, 'essential': 22966, 'psps': 22967, 'whre'
: 22968, 'heartache': 22969, 'romans': 22970, 'knockin': 22971, 'tillies': 22972, 'btween': 22973, 'comedyqueen'
: 22974, 'icecold': 22975, 'renowned': 22976, 'astop': 22977, 'schuhz': 22978, 'arabyrd': 22979, 'longweekend':
22980, 'judo': 22981, 'retail': 22982, 'chichis': 22983, 'bottling': 22984, 'sanitized': 22985, 'oranges': 22986
, 'alki': 22987, 'offstreet': 22988, 'wkds': 22989, 'geodefense': 22990, 'onwards': 22991, 'exploration': 22992,
'leacing': 22993, 'bfa': 22994, 'silverstone': 22995, 'sandown': 22996, 'memoir': 22997, 'alriiightt': 22998, 'g
nna': 22999, 'macbooks': 23000, 'recharger': 23001, 'pratchett': 23002, 'mornin�everybody': 23003, 'grueling':
23004, 'gordos': 23005, 'communicating': 23006, 'clickin': 23007, 'daaaaang': 23008, 'venture': 23009, 'benadryl
long': 23010, 'daystay': 23011, 'twitterbugsgoodnight': 23012, 'partly': 23013, 'somerville': 23014, 'orignal':
23015, 'skips': 23016, 'dayabuselakers': 23017, 'suzaku': 23018, 'roxie': 23019, 'recieve': 23020, 'agoraphobics
': 23021, 'cath': 23022, 'awhilehere': 23023, 'daddddd': 23024, 'vicious': 23025, 'reluctant': 23026, 'callum':
23027, 'juhs': 23028, 'betterive': 23029, 'winningaches': 23030, 'mystic': 23031, 'bient�t': 23032, 'lire': 23
033, 'quincy': 23034, 'sinhalenfoss': 23035, 'sleepyi': 23036, 'zaboo': 23037, 'babelfish': 23038, 'adriii': 230
39, 'lindt': 23040, 'cafes': 23041, 'horatio': 23042, 'ventolin': 23043, 'hypertrophy': 23044, 'babysittee': 230
45, 'whitecaps': 23046, 'throughi': 23047, 'jah': 23048, 'averages': 23049, 'twirps': 23050, 'pho': 23051, 'boll
ywood': 23052, 'weeooow': 23053, 'pfffffffffffffffffffffftttttttt': 23054, 'perks': 23055, 'chatroom': 23056, 'a
aaaaaaaaamazing': 23057, 'cave': 23058, 'dobro': 23059, 'hairdye': 23060, 'smeared': 23061, 'todaybut': 23062, '
cursing': 23063, 'carat': 23064, 'warhammer': 23065, 'gamers': 23066, 'bookstill': 23067, 'jayy': 23068, 'donny'
: 23069, 'neighboures': 23070, 'midterms': 23071, 'ndo': 23072, 'israd': 23073, 'rygby': 23074, 'layin': 23075,
'ughhhhwaitin': 23076, 'maroon': 23077, 'omgness': 23078, 'beup': 23079, 'noob': 23080, 'yao': 23081, 'jerseyz':
23082, 'grapevine': 23083, 'maven': 23084, 'dependencies': 23085, 'jolly': 23086, 'wyck': 23087, 'lazzzy': 23088
, 'christoph': 23089, 'offerred': 23090, 'bangin': 23091, 'capable': 23092, 'workwise': 23093, 'challanges': 230
94, 'movingcariphone': 23095, 'niceguess': 23096, 'commercialsized': 23097, 'sayam': 23098, 'heylo': 23099, 'joh
nn': 23100, 'qt': 23101, 'swa': 23102, 'malls': 23103, 'craigie': 23104, 'tagers': 23105, 'tsx': 23106, 'tls': 2
3107, 'shakedown': 23108, 'restnot': 23109, 'afterward': 23110, 'crazyyy': 23111, 'mwan': 23112, 'monthsso': 231
13, 'prepped': 23114, 'booty': 23115, 'neball': 23116, 'plc': 23117, 'dooooooooown': 23118, 'virtue': 23119, 'te
nho': 23120, 'curso': 23121, 'drc': 23122, 'amhzz': 23123, 'piggls': 23124, 'pickles': 23125, 'dma': 23126, 'joy
ologist': 23127, 'freak': 23128, 'vfc': 23129, 'delaware': 23130, 'ashton': 23131, 'photovia': 23132, 'somei': 2
3133, 'ginormous': 23134, 'artery': 23135, 'hagen': 23136, 'daz': 23137, 'tonightno': 23138, 'pangaea': 23139, '
killah': 23140, 'priest': 23141, 'featuring': 23142, 'ohhhhhh': 23143, 'rachaels': 23144, 'elmoabuse': 23145, 'a
whh': 23146, 'teniece': 23147, 'revive': 23148, 'bunyum': 23149, 'unixodbc': 23150, 'workits': 23151, 'ecommerce
': 23152, 'dock': 23153, 'andrea': 23154, 'untile': 23155, 'aaaaaawwwesome': 23156, 'reisling': 23157, 'mondayfu
nday': 23158, 'peopleand': 23159, 'onei': 23160, 'lurveeeeee': 23161, 'wsmokey': 23162, 'gaaaaaaasp': 23163, 'au
ral': 23164, 'celine': 23165, 'dions': 23166, 'novy': 23167, 'traders': 23168, 'buch': 23169, 'workdetails': 231
70, 'shooould': 23171, 'yogaing': 23172, 'jumbo': 23173, 'unbelievably': 23174, 'firing': 23175, 'streek': 23176
, 'outsider': 23177, 'johnathan': 23178, 'steemer': 23179, 'sederhana': 23180, 'padang': 23181, 'incidents': 231
82, 'kellz': 23183, 'tomorah': 23184, 'ghey': 23185, 'minniapolis': 23186, 'bnl': 23187, 'reunite': 23188, 'odds
': 23189, 'acorn': 23190, 'butbutthe': 23191, 'nurburgring': 23192, 'wrongly': 23193, 'marquee': 23194, 'newsfir
e': 23195, 'floral': 23196, 'lovehate': 23197, 'nets': 23198, 'ministers': 23199, 'hmmyour': 23200, 'awwyoure':
23201, 'softyi': 23202, 'weddingyou': 23203, 'arrr': 23204, 'bwahahaha': 23205, 'spontaneously': 23206, 'spontan
eity': 23207, 'schade': 23208, 'tvaddict': 23209, 'sadtheres': 23210, 'commented': 23211, 'shul': 23212, 'confer
enceso': 23213, 'omar': 23214, 'pappadeux': 23215, 'roughly': 23216, 'pablos': 23217, 'minutee': 23218, 'spank':
23219, 'ava': 23220, 'fuckingtastic': 23221, 'lice': 23222, 'uncontrolable': 23223, 'hicups': 23224, 'daaaaaaaaa
y': 23225, 'gfx': 23226, 'kernel': 23227, 'suspend': 23228, 'mem': 23229, 'leaks': 23230, 'halarious': 23231, 'f
lown': 23232, 'poolon': 23233, 'fullest': 23234, 'novell': 23235, 'moonlight': 23236, 'wade': 23237, 'hindustan'
: 23238, 'dunia': 23239, 'asay': 23240, 'nehi': 23241, 'milegi': 23242, 'whoolllleeee': 23243, 'iknow': 23244, '
panahra': 23245, 'happeened': 23246, 'ro': 23247, 'hubz': 23248, 'organising': 23249, 'rhonda': 23250, 'sue': 23
251, 'silicone': 23252, 'duong': 23253, 'backwards': 23254, 'disgraced': 23255, 'perfectionist': 23256, 'luckkkk
': 23257, 'houstatlantavegas': 23258, 'heavennn': 23259, 'ouchthat': 23260, 'tescos': 23261, 'pues': 23262, 'chi
quita': 23263, 'esa': 23264, 'heeeeey': 23265, 'rygegrejdk': 23266, 'melissaleah': 23267, 'tighten': 23268, 'bol
ts': 23269, 'suppoort': 23270, 'mushymushy': 23271, 'autorun': 23272, 'welcomeyou': 23273, 'walaikum': 23274, 'a
ssalam': 23275, 'alhamdulillah': 23276, 'wend': 23277, 'duas': 23278, 'stead': 23279, 'tolddd': 23280, 'balk': 2
3281, 'kitteh': 23282, 'sideof': 23283, 'twilightguy': 23284, 'daysgonna': 23285, 'ward': 23286, 'sunbeam': 2328
7, 'caf�': 23288, 'grinder': 23289, 'lotta': 23290, 'precip': 23291, 'ahold': 23292, 'liers': 23293, 'loltweet
': 23294, 'prehistoric': 23295, 'patricias': 23296, 'jowki': 23297, 'vic': 23298, 'chemics': 23299, 'toniiiite':
23300, 'arggh': 23301, 'gdnight': 23302, 'otay': 23303, 'twedding': 23304, 'stiller': 23305, 'sumthn': 23306, 'r
ope': 23307, 'witdrawal': 23308, 'demos': 23309, 'cribbout': 23310, 'harrassment': 23311, 'mahn': 23312, 'cheeri
os': 23313, 'rambly': 23314, 'disconnects': 23315, 'ledge': 23316, 'appropriately': 23317, 'anywayz': 23318, 'up
busy': 23319, 'bbyshower': 23320, 'tryingsorry': 23321, 'depress': 23322, 'motherinlaw': 23323, 'momabuse': 2332
4, 'herts': 23325, 'aaaaaaaaaaa': 23326, 'ahve': 23327, 'bedill': 23328, 'talents': 23329, 'arty': 23330, 'discr
epencies': 23331, 'picks': 23332, 'blury': 23333, 'roman': 23334, 'lq': 23335, 'kaleidoscope': 23336, 'peewee':
23337, 'gor': 23338, 'badumtish': 23339, 'dpressed': 23340, 'lexis': 23341, 'banner': 23342, 'nnnnoooooo': 23343
, 'frost': 23344, 'boredomand': 23345, 'detalis': 23346, 'gruesome': 23347, 'gripped': 23348, 'taekwando': 23349
, 'gatorade': 23350, 'yumyum': 23351, 'arise': 23352, 'sleeeeeppyyyyyy': 23353, 'tilaaa': 23354, 'spiderweb': 23
355, 'spidersi': 23356, 'rz': 23357, 'matinee': 23358, 'grrfatboy': 23359, 'edc': 23360, 'curved': 23361, 'gradi
ng': 23362, 'fullestand': 23363, 'rih': 23364, 'goodnighthappy': 23365, 'mamis': 23366, 'stirfry': 23367, 'prime
': 23368, 'wattching': 23369, 'channelrubbish': 23370, 'rubbishhhhhh': 23371, 'comingexcited': 23372, 'neighboor
': 23373, 'meirizka': 23374, 'autoresolve': 23375, 'geektech': 23376, 'veo': 23377, 'ahasta': 23378, 'lunes': 23
379, 'stimulate': 23380, 'biscuit': 23381, 'visited': 23382, 'gazing': 23383, 'mabaho': 23384, 'runbut': 23385,
'runner': 23386, 'sophmore': 23387, 'dakota': 23388, 'spayed': 23389, 'playingi': 23390, 'sirens': 23391, 'shake
d': 23392, 'fists': 23393, 'visitng': 23394, 'boyet': 23395, 'famm': 23396, 'handmake': 23397, 'bulb': 23398, 'f
licker': 23399, 'trailor': 23400, 'wellso': 23401, 'acee': 23402, 'omgdid': 23403, 'amazingmy': 23404, 'yesterda
yand': 23405, 'oster': 23406, 'alltel': 23407, 'ska': 23408, 'mazie': 23409, 'kristina': 23410, 'remain': 23411,
'captive': 23412, 'indys': 23413, 'brooks': 23414, 'sombodys': 23415, 'butteryum': 23416, 'yeahhhhh': 23417, 'ug
hhreally': 23418, 'teets': 23419, 'milkabuse': 23420, 'couper': 23421, 'fraktastic': 23422, 'zoidberg': 23423, '
dogged': 23424, 'anais': 23425, 'teignmouth': 23426, 'dawlish': 23427, 'rsvp': 23428, 'nl': 23429, 'honeypot': 2
3430, 'mirandas': 23431, 'converter': 23432, 'viggo': 23433, 'tryblah': 23434, 'mccoys': 23435, 'emotionally': 2
3436, 'ryt': 23437, 'colette': 23438, 'bacontaco': 23439, 'walker': 23440, 'lorry': 23441, 'signaling': 23442, '
uduhn': 23443, 'lun': 23444, 'fetching': 23445, 'vallejo': 23446, 'laud': 23447, 'weddin': 23448, 'spikecar': 23
449, 'crate': 23450, 'dolce': 23451, 'pocketwit': 23452, 'twikini': 23453, 'yearsssssss': 23454, 'liquid': 23455
, 'guttedthe': 23456, 'sicken': 23457, 'xfiles': 23458, 'sickkkkk': 23459, 'celina': 23460, 'uhpp': 23461, 'clip
ping': 23462, 'scrapbook': 23463, 'benn': 23464, 'bedim': 23465, 'iis': 23466, 'geordanos': 23467, 'crust': 2346
8, 'peperoni': 23469, 'awwwwwww': 23470, 'fibromyalgia': 23471, 'compoundin': 23472, 'abusehug': 23473, 'uabuse'
: 23474, 'worknt': 23475, 'sloanster': 23476, 'retorting': 23477, 'goitn': 23478, 'showerand': 23479, 'cleanin':
23480, 'tgthr': 23481, 'jonesy': 23482, 'dadinlaw': 23483, 'yself': 23484, 'heroism': 23485, 'badges': 23486, 'i
shra': 23487, 'ventura': 23488, 'turkish': 23489, 'categories': 23490, 'taffjones': 23491, 'andnevar': 23492, 'k
de': 23493, 'highnesscrystalmariedontluvspiteanymore': 23494, 'tiniest': 23495, 'debussy': 23496, 'homeboy': 234
97, 'lightly': 23498, 'misted': 23499, 'ttytomorrow': 23500, 'fortune': 23501, 'unrelated': 23502, 'storywise':
23503, 'abusepout': 23504, 'fi': 23505, 'campjitterbug': 23506, 'learnin': 23507, 'wuv': 23508, 'coldflu': 23509
, 'aired': 23510, 'selfimposed': 23511, 'tedious': 23512, 'inputting': 23513, 'sas': 23514, 'gooseberry': 23515,
'absolves': 23516, 'lori': 23517, 'goverment': 23518, 'downsizinghe': 23519, 'frnd': 23520, 'babi': 23521, 'pang
ang': 23522, 'eoi': 23523, 'devos': 23524, 'groove': 23525, 'heeelllppppp': 23526, 'harleton': 23527, 'osx': 235
28, 'supported': 23529, 'lecturesdefinitely': 23530, 'ebm': 23531, 'lollipop': 23532, 'skwl': 23533, 'jabusei':
23534, 'jobless': 23535, 'kristen': 23536, 'hitrecord': 23537, 'loongerrr': 23538, 'dangwhen': 23539, 'thorny':
23540, 'ouchno': 23541, 'ghd': 23542, 'bitched': 23543, 'amara': 23544, 'profis': 23545, 'gorayeb': 23546, 'mady
': 23547, 'intentando': 23548, 'intentarlo': 23549, 'studyyyyyyyyyyyyyyyyyyyyyyyyy': 23550, 'abusewish': 23551,
'alter': 23552, 'paiseh': 23553, 'liana': 23554, 'corber': 23555, 'moreover': 23556, 'wiaih': 23557, 'humbling':
23558, 'geje': 23559, 'duper': 23560, 'shirttttt': 23561, 'accordion': 23562, 'thief': 23563, 'buffs': 23564, 'w
ooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooooo':
23565, 'toysrus': 23566, 'vat': 23567, 'thankskids': 23568, 'brill': 23569, 'berocca': 23570, 'ooommmmggggg': 23
571, 'moro': 23572, 'hv': 23573, 'oohh': 23574, 'mikados': 23575, 'repierced': 23576, 'krystle': 23577, 'catfigh
ts': 23578, 'bigest': 23579, 'curl': 23580, 'boreddddd': 23581, 'cookbooks': 23582, 'ouuchh': 23583, 'noticing':
23584, 'twitterlandhouse': 23585, 'obession': 23586, 'charni': 23587, 'liljessx': 23588, 'tellonly': 23589, 'rec
overednot': 23590, 'stubbs': 23591, 'xtra': 23592, 'wolvarine': 23593, 'gilf': 23594, 'facepanda': 23595, 'dung'
: 23596, 'mice': 23597, 'upsidedown': 23598, 'schmoo': 23599, 'dooooooodddddiiiieeee': 23600, 'baybee': 23601, '
ironically': 23602, 'abuseeveryabuse': 23603, 'elevate': 23604, 'passport': 23605, 'btwn': 23606, 'lv': 23607, '
roadwarrior': 23608, 'workaholic': 23609, 'lifestyle': 23610, 'mhmhmhdoes': 23611, 'crusty': 23612, 'aawww': 236
13, 'appeals': 23614, 'chutzpah': 23615, 'blockbustercom': 23616, 'unpopular': 23617, 'aaaargh': 23618, 'lizzi':
23619, 'dati': 23620, 'lian': 23621, 'eina': 23622, 'gelli': 23623, 'francis': 23624, 'descanse': 23625, 'paz':
23626, 'luto': 23627, 'fanny': 23628, 'siri': 23629, 'ministrya': 23630, 'todayso': 23631, 'unfort': 23632, 'abu
sedancing': 23633, 'pirouette': 23634, 'brudder': 23635, 'dayuuum': 23636, 'venti': 23637, 'pumps': 23638, 'muha
hahaaaa': 23639, 'adwancrd': 23640, 'nahh': 23641, 'sowwieee': 23642, 'sneakerz': 23643, 'aghhh': 23644, 'geniou
s': 23645, 'russia': 23646, 'retaking': 23647, 'movements': 23648, 'billing': 23649, 'thikn': 23650, 'pdx': 2365
1, 'rightreal': 23652, 'speedracher': 23653, 'walah': 23654, 'atat': 23655, 'dozens': 23656, 'stormtroopers': 23
657, 'sprinkle': 23658, 'greatgrandmother': 23659, 'freezes': 23660, 'installation': 23661, 'beachu': 23662, 'ew
wwww': 23663, 'marra': 23664, 'ecxcited': 23665, 'annabel': 23666, 'theys': 23667, 'educate': 23668, 'cordial':
23669, 'iloveyoutwoooo': 23670, 'goodbyez': 23671, 'darnitt': 23672, 'carwash': 23673, 'tah': 23674, 'kuwait': 2
3675, 'nfty': 23676, 'plato': 23677, 'zoey': 23678, 'mending': 23679, 'widescreen': 23680, 'reserve': 23681, 'no
wmy': 23682, 'fleetwood': 23683, 'insanely': 23684, 'honeyyyy': 23685, 'thornberrys': 23686, 'repairing': 23687,
'judging': 23688, 'spymaster': 23689, 'twimulations': 23690, 'awayyy': 23691, 'thatss': 23692, 'cheeredi': 23693
, 'chant': 23694, 'apologylol': 23695, 'mmot': 23696, 'tradescant': 23697, 'anrshine': 23698, 'headso': 23699, '
theorys': 23700, 'offhand': 23701, 'crowdsourcing': 23702, 'graphics': 23703, 'walkeroner': 23704, 'lowcost': 23
705, 'outdoor': 23706, 'accompany': 23707, 'thingits': 23708, 'mojitos': 23709, 'workworkwork': 23710, 'answerer
': 23711, 'ahaa': 23712, 'thors': 23713, 'wonderfur': 23714, 'abusekittykissesabuse': 23715, 'mooooooooornin': 2
3716, 'boogah': 23717, 'debbie': 23718, 'waverly': 23719, 'iwish': 23720, 'timefrench': 23721, 'unsalvageable':
23722, 'heahhh': 23723, 'lovliest': 23724, 'chemist': 23725, 'sleeeeeeep': 23726, 'goonight': 23727, 'utton': 23
728, 'kahkis': 23729, 'difficulties': 23730, 'encoding': 23731, 'lovebank': 23732, 'thoughhe': 23733, 'rubadeau'
: 23734, 'fixins': 23735, 'denversee': 23736, 'siouxsinner': 23737, 'myhouse': 23738, 'nako': 23739, 'umuulan':
23740, 'breakup': 23741, 'tossin': 23742, 'turnin': 23743, 'fcukkki': 23744, 'deetzsee': 23745, 'whooo': 23746,
'hoooo': 23747, 'budden': 23748, 'kaiboshed': 23749, 'mangoes': 23750, 'naglilihi': 23751, 'carmen': 23752, 'sti
r': 23753, 'hatred': 23754, 'whar': 23755, 'stapler': 23756, 'seo': 23757, 'noarchive': 23758, 'hides': 23759, '
themovie': 23760, 'danielle': 23761, 'devi': 23762, 'celebritytweet': 23763, 'writersblock': 23764, 'toasties':
23765, 'nab': 23766, 'experimenting': 23767, 'puppet': 23768, 'workstation': 23769, 'feasts': 23770, 'heartbroke
n': 23771, 'touque': 23772, 'tutle': 23773, 'offset': 23774, 'gains': 23775, 'overdoing': 23776, 'squashed': 237
77, 'cauzinhoooo': 23778, 'afterpartying': 23779, 'beths': 23780, 'yvonne': 23781, 'ffrecommend': 23782, 'hale':
23783, 'grieco': 23784, 'uterus': 23785, 'iq': 23786, 'roundnround': 23787, 'abba': 23788, 'minnie': 23789, 'mon
eyz': 23790, 'eastmake': 23791, 'arena': 23792, 'folded': 23793, 'grrrrr': 23794, 'gqfhm': 23795, 'fack': 23796,
'seriouse': 23797, 'ssug': 23798, 'penance': 23799, 'otherdad': 23800, 'mischief': 23801, 'whatthefuck': 23802,
'bapang': 23803, 'ditos': 23804, 'dito': 23805, 'oprahs': 23806, 'unfried': 23807, 'boba': 23808, 'wolverinechil
led': 23809, 'popedaveben': 23810, 'fyou': 23811, 'willkommen': 23812, 'hormone': 23813, 'misbehaved': 23814, 'g
mas': 23815, 'atonement': 23816, 'thisid': 23817, 'workers': 23818, 'petey': 23819, 'rollerskate': 23820, 'ummmm
': 23821, 'hahahahayeah': 23822, 'kneeling': 23823, 'outjoking': 23824, 'heating': 23825, 'ladder': 23826, 'coll
apse': 23827, 'backbum': 23828, 'sheli': 23829, 'hahahahhahaha': 23830, 'rems': 23831, 'avis': 23832, 'nige': 23
833, 'goth': 23834, 'areas': 23835, 'antioch': 23836, 'amtrak': 23837, 'courtesy': 23838, 'bisquick': 23839, 'ra
iningseatbelt': 23840, 'buckledthanks': 23841, 'bates': 23842, 'variety': 23843, 'whopee': 23844, 'preschoolers'
: 23845, 'headbutt': 23846, 'discriminating': 23847, 'saginaki': 23848, 'chav': 23849, 'winoname': 23850, 'colle
ctions': 23851, 'ilseabuse': 23852, 'rediculous': 23853, 'jammin': 23854, 'strapped': 23855, 'haahaha': 23856, '
mocha': 23857, 'mindful': 23858, 'mealtimes': 23859, 'wareasy': 23860, 'endfiuuhh': 23861, 'lantos': 23862, 'ify
ou': 23863, 'know�': 23864, 'soooughhhh': 23865, 'heri': 23866, 'everybodys': 23867, 'qo': 23868, 'munchkins':
23869, 'mwaha': 23870, 'kaust': 23871, 'hoisin': 23872, 'gelato': 23873, 'edmund': 23874, 'muchdeserved': 23875,
'birdies': 23876, 'walktheyre': 23877, 'wills': 23878, 'bats': 23879, 'ppt': 23880, 'rian': 23881, 'staden': 238
82, 'collegue': 23883, 'budapest': 23884, 'streaming': 23885, 'mostley': 23886, 'wath': 23887, 'nowagain': 23888
, 'grungy': 23889, 'macaroni': 23890, 'pleaseno': 23891, 'hur': 23892, 'filmtv': 23893, 'wmids': 23894, 'manila'
: 23895, 'sleepppppppp': 23896, 'danceshe': 23897, 'masterchef': 23898, 'sells': 23899, 'cys': 23900, 'gala': 23
901, 'hairstype': 23902, 'foo': 23903, 'raimi': 23904, 'stupido': 23905, 'catwalk': 23906, 'oepn': 23907, 'fabus
eed': 23908, 'begging': 23909, 'skoo': 23910, 'thiss': 23911, 'harrassed': 23912, 'burgen': 23913, 'dido': 23914
, 'fillwords': 23915, 'elliptical': 23916, 'splints': 23917, 'deadpool': 23918, 'reynolds': 23919, 'shortcoming'
: 23920, 'integrated': 23921, 'subtract': 23922, 'easygoing': 23923, 'melancholyyetcheery': 23924, 'sogni': 2392
5, 'doro': 23926, 'forwarding': 23927, 'region': 23928, 'posada': 23929, 'yeaterday': 23930, 'morninghe': 23931,
'backplease': 23932, 'lousy': 23933, 'profyjust': 23934, 'meaytlol': 23935, 'vase': 23936, 'demise': 23937, 'woo
lworths': 23938, 'reasonably': 23939, 'lawrence': 23940, 'bidden': 23941, 'iat': 23942, 'rivercenter': 23943, 'p
okemon': 23944, 'carefree': 23945, 'ht': 23946, 'hopw': 23947, 'penny': 23948, 'utorrent': 23949, 'destroytwitte
r': 23950, 'actors': 23951, 'tvfilmtheatre': 23952, 'careers': 23953, 'whaaat': 23954, 'antm': 23955, 'comeha':
23956, 'reactions': 23957, 'stroking': 23958, 'thoughtful': 23959, 'yaya': 23960, 'ala': 23961, 'cunningham': 23
962, 'studlife': 23963, 'fost': 23964, 'tiberiu': 23965, 'noi': 23966, 'aflat': 23967, 'sunt': 23968, 'imbecili'
: 23969, 'peste': 23970, 'vo': 23971, 'performances': 23972, 'policemen': 23973, 'tiles': 23974, 'ybwm': 23975,
'camerabags': 23976, 'lolo': 23977, 'immobilizer': 23978, 'recliner': 23979, 'chuckle': 23980, 'gumoww': 23981,
'hank': 23982, 'disneybest': 23983, 'timehowl': 23984, 'gba': 23985, 'niiight': 23986, 'trained': 23987, 'dble':
23988, 'abusesuicideabuse': 23989, 'buckfast': 23990, 'cramp': 23991, 'bionomial': 23992, 'curls': 23993, 'drops
': 23994, 'thesis': 23995, 'bestfriendwhere': 23996, 'inherent': 23997, 'humility': 23998}

print(train_text.shape,valid_text.shape)

(23273, 32) (4108, 32)

# using keras tokenizer here


token2=text.Tokenizer(num_words=None)
max_len_sentiment=1

token2.fit_on_texts(list(train_sentiment))
train_sentiment=token2.texts_to_sequences(train_sentiment)
valid_sentiment=token2.texts_to_sequences(valid_sentiment)

#zero pad the sequences


train_sentiment=sequence.pad_sequences(train_sentiment,maxlen=max_len_sentiment,padding='post')
valid_sentiment=sequence.pad_sequences(valid_sentiment,maxlen=max_len_sentiment,padding='post')

word_index_sentiment=token2.word_index
print(word_index_sentiment)

{'neutral': 1, 'positive': 2, 'negative': 3}

print(train_sentiment.shape,valid_sentiment.shape)

(23273, 1) (4108, 1)

# load the GloVe vectors in a dictionary:


embeddings_index = {}
with open('/content/drive//My Drive/Tweet Sentiment Extraction/glove.840B.300d.txt') as f:
for line in tqdm(f):
values = line.split(' ')
word = values[0]
coefs = np.asarray([float(val) for val in values[1:]])
embeddings_index[word] = coefs
print('Found %s word vectors.' % len(embeddings_index))

2196018it [04:34, 7994.69it/s]


Found 2196017 word vectors.

# create an embedding matrix for the words we have in the dataset


embedding_matrix_text=np.zeros((len(word_index_text) + 1, 300))
for word, i in tqdm(word_index_text.items()):
embedding_vector=embeddings_index.get(word)
if embedding_vector is not None:
embedding_matrix_text[i]=embedding_vector

100%|██████████| 23998/23998 [00:00<00:00, 373459.88it/s]

embedding_matrix_text.shape

(23999, 300)

# create an embedding matrix for the words we have in the dataset


embedding_matrix_sentiment=np.zeros((len(word_index_sentiment) + 1, 300))
for word, i in tqdm(word_index_sentiment.items()):
embedding_vector=embeddings_index.get(word)
if embedding_vector is not None:
embedding_matrix_sentiment[i]=embedding_vector

100%|██████████| 3/3 [00:00<00:00, 19298.94it/s]

embedding_matrix_sentiment.shape

(4, 300)

LSTM
text_input=Input(shape=(max_len_text,),name='text_input')
embd_text=Embedding(len(word_index_text)+1, #embedding layer with glove vectors as embeddings
300,
weights=[embedding_matrix_text],
input_length=max_len_text,
trainable=False,mask_zero=True,name='embedding_text')(text_input) #masking the input values with

sentiment_input=Input(shape=(max_len_sentiment,),name='sentiment_input')
embd_sentiment=Embedding(len(word_index_sentiment)+1, #embedding layer with glove vectors as embeddings
300,
weights=[embedding_matrix_sentiment],
input_length=max_len_text,
trainable=False,mask_zero=True,name='embedding_sentiment')(sentiment_input) #masking the input va

con=Concatenate(axis=1)([embd_text,embd_sentiment])

lstm=LSTM(64,return_sequences=True,kernel_regularizer=regularizers.l2(0.001),name='LSTM')(con) #lstm

#dense layers with drop outs and batch normalisation


m=Dense(32,activation="relu",kernel_initializer="he_normal",kernel_regularizer=regularizers.l2(0.001))(lstm)
m=Dropout(0.5)(m)
m=BatchNormalization()(m)
m=Dense(4,activation="relu", kernel_initializer="he_normal",kernel_regularizer=regularizers.l2(0.001))(m)
output=Dense(1,activation='sigmoid',name='output')(m)

model=Model(inputs=[text_input,sentiment_input],outputs=[output])

tf.keras.utils.plot_model(model,'Model.png',show_shapes=True,show_layer_names=True)
model.summary()

Model: "model"
__________________________________________________________________________________________________
Layer (type) Output Shape Param # Connected to
==================================================================================================
text_input (InputLayer) [(None, 32)] 0
__________________________________________________________________________________________________
sentiment_input (InputLayer) [(None, 1)] 0
__________________________________________________________________________________________________
embedding_text (Embedding) (None, 32, 300) 7199700 text_input[0][0]
__________________________________________________________________________________________________
embedding_sentiment (Embedding) (None, 1, 300) 1200 sentiment_input[0][0]
__________________________________________________________________________________________________
concatenate (Concatenate) (None, 33, 300) 0 embedding_text[0][0]
embedding_sentiment[0][0]
__________________________________________________________________________________________________
LSTM (LSTM) (None, 33, 64) 93440 concatenate[0][0]
__________________________________________________________________________________________________
dense (Dense) (None, 33, 32) 2080 LSTM[0][0]
__________________________________________________________________________________________________
dropout (Dropout) (None, 33, 32) 0 dense[0][0]
__________________________________________________________________________________________________
batch_normalization (BatchNorma (None, 33, 32) 128 dropout[0][0]
__________________________________________________________________________________________________
dense_1 (Dense) (None, 33, 4) 132 batch_normalization[0][0]
__________________________________________________________________________________________________
output (Dense) (None, 33, 1) 5 dense_1[0][0]
==================================================================================================
Total params: 7,296,685
Trainable params: 95,721
Non-trainable params: 7,200,964
__________________________________________________________________________________________________

log_dir=os.path.join("logs",datetime.datetime.now().strftime("%Y%m%d-%H%M%S"))
log_dir=os.path.join("logs",datetime.datetime.now().strftime("%Y%m%d-%H%M%S"))
tensorboard=tf.keras.callbacks.TensorBoard(log_dir=log_dir,histogram_freq=1,write_graph=True,write_grads=True)

checkpoint_filepath='/content/drive//My Drive/Tweet Sentiment Extraction/LSTM_model.h5'


model_checkpoint_callback=tf.keras.callbacks.ModelCheckpoint(filepath=checkpoint_filepath,monitor='val_loss',save_bes

#https://keras.io/api/metrics/
#https://keras.io/api/losses/probabilistic_losses/#categorical_crossentropy-function

adam=optimizers.Adam(0.001)
model.compile(optimizer=adam,loss='binary_crossentropy',metrics=['accuracy'])
callback=[model_checkpoint_callback,tensorboard]

#https://datascience.stackexchange.com/questions/34444/what-is-the-difference-between-fit-and-fit-generator-in-keras
history=model.fit([train_text,train_sentiment],y_train,epochs=30,batch_size=128,validation_data=([valid_text,valid_se

WARNING:tensorflow:`write_grads` will be ignored in TensorFlow 2.0 for the `TensorBoard` Callback.


Epoch 1/30
182/182 [==============================] - 29s 136ms/step - loss: 0.3899 - accuracy: 0.5788 - val_loss: 0.2966 -
val_accuracy: 0.5926

Epoch 00001: val_loss improved from inf to 0.29656, saving model to /content/drive//My Drive/Tweet Sentiment Ext
raction/LSTM_model.h5
Epoch 2/30
182/182 [==============================] - 26s 142ms/step - loss: 0.2779 - accuracy: 0.6111 - val_loss: 0.2638 -
val_accuracy: 0.5943

Epoch 00002: val_loss improved from 0.29656 to 0.26380, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 3/30
182/182 [==============================] - 27s 151ms/step - loss: 0.2624 - accuracy: 0.6258 - val_loss: 0.2490 -
val_accuracy: 0.6356

Epoch 00003: val_loss improved from 0.26380 to 0.24895, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 4/30
182/182 [==============================] - 26s 145ms/step - loss: 0.2576 - accuracy: 0.6310 - val_loss: 0.2443 -
val_accuracy: 0.6349

Epoch 00004: val_loss improved from 0.24895 to 0.24432, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 5/30
182/182 [==============================] - 28s 152ms/step - loss: 0.2554 - accuracy: 0.6339 - val_loss: 0.2421 -
val_accuracy: 0.6393

Epoch 00005: val_loss improved from 0.24432 to 0.24209, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 6/30
182/182 [==============================] - 27s 148ms/step - loss: 0.2540 - accuracy: 0.6370 - val_loss: 0.2415 -
val_accuracy: 0.6393

Epoch 00006: val_loss improved from 0.24209 to 0.24148, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 7/30
182/182 [==============================] - 28s 156ms/step - loss: 0.2529 - accuracy: 0.6399 - val_loss: 0.2410 -
val_accuracy: 0.6434

Epoch 00007: val_loss improved from 0.24148 to 0.24103, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 8/30
182/182 [==============================] - 28s 152ms/step - loss: 0.2528 - accuracy: 0.6401 - val_loss: 0.2414 -
val_accuracy: 0.6401

Epoch 00008: val_loss did not improve from 0.24103


Epoch 9/30
182/182 [==============================] - 28s 151ms/step - loss: 0.2520 - accuracy: 0.6415 - val_loss: 0.2404 -
val_accuracy: 0.6445

Epoch 00009: val_loss improved from 0.24103 to 0.24040, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 10/30
182/182 [==============================] - 28s 153ms/step - loss: 0.2519 - accuracy: 0.6419 - val_loss: 0.2411 -
val_accuracy: 0.6394

Epoch 00010: val_loss did not improve from 0.24040


Epoch 11/30
182/182 [==============================] - 27s 148ms/step - loss: 0.2515 - accuracy: 0.6428 - val_loss: 0.2423 -
val_accuracy: 0.6365

Epoch 00011: val_loss did not improve from 0.24040


Epoch 12/30
182/182 [==============================] - 27s 150ms/step - loss: 0.2511 - accuracy: 0.6436 - val_loss: 0.2403 -
val_accuracy: 0.6441
Epoch 00012: val_loss improved from 0.24040 to 0.24029, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 13/30
182/182 [==============================] - 28s 156ms/step - loss: 0.2507 - accuracy: 0.6452 - val_loss: 0.2418 -
val_accuracy: 0.6324

Epoch 00013: val_loss did not improve from 0.24029


Epoch 14/30
182/182 [==============================] - 26s 145ms/step - loss: 0.2506 - accuracy: 0.6467 - val_loss: 0.2412 -
val_accuracy: 0.6419

Epoch 00014: val_loss did not improve from 0.24029


Epoch 15/30
182/182 [==============================] - 27s 146ms/step - loss: 0.2510 - accuracy: 0.6451 - val_loss: 0.2403 -
val_accuracy: 0.6414

Epoch 00015: val_loss did not improve from 0.24029


Epoch 16/30
182/182 [==============================] - 27s 151ms/step - loss: 0.2506 - accuracy: 0.6459 - val_loss: 0.2411 -
val_accuracy: 0.6385

Epoch 00016: val_loss did not improve from 0.24029


Epoch 17/30
182/182 [==============================] - 26s 144ms/step - loss: 0.2504 - accuracy: 0.6463 - val_loss: 0.2398 -
val_accuracy: 0.6422

Epoch 00017: val_loss improved from 0.24029 to 0.23983, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 18/30
182/182 [==============================] - 26s 145ms/step - loss: 0.2504 - accuracy: 0.6469 - val_loss: 0.2399 -
val_accuracy: 0.6449

Epoch 00018: val_loss did not improve from 0.23983


Epoch 19/30
182/182 [==============================] - 26s 142ms/step - loss: 0.2499 - accuracy: 0.6479 - val_loss: 0.2398 -
val_accuracy: 0.6433

Epoch 00019: val_loss improved from 0.23983 to 0.23979, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 20/30
182/182 [==============================] - 26s 144ms/step - loss: 0.2499 - accuracy: 0.6483 - val_loss: 0.2407 -
val_accuracy: 0.6408

Epoch 00020: val_loss did not improve from 0.23979


Epoch 21/30
182/182 [==============================] - 26s 143ms/step - loss: 0.2501 - accuracy: 0.6485 - val_loss: 0.2403 -
val_accuracy: 0.6415

Epoch 00021: val_loss did not improve from 0.23979


Epoch 22/30
182/182 [==============================] - 26s 143ms/step - loss: 0.2496 - accuracy: 0.6497 - val_loss: 0.2406 -
val_accuracy: 0.6430

Epoch 00022: val_loss did not improve from 0.23979


Epoch 23/30
182/182 [==============================] - 27s 150ms/step - loss: 0.2498 - accuracy: 0.6500 - val_loss: 0.2421 -
val_accuracy: 0.6298

Epoch 00023: val_loss did not improve from 0.23979


Epoch 24/30
182/182 [==============================] - 28s 152ms/step - loss: 0.2495 - accuracy: 0.6507 - val_loss: 0.2409 -
val_accuracy: 0.6446

Epoch 00024: val_loss did not improve from 0.23979


Epoch 25/30
182/182 [==============================] - 26s 143ms/step - loss: 0.2496 - accuracy: 0.6487 - val_loss: 0.2402 -
val_accuracy: 0.6446

Epoch 00025: val_loss did not improve from 0.23979


Epoch 26/30
182/182 [==============================] - 26s 142ms/step - loss: 0.2494 - accuracy: 0.6511 - val_loss: 0.2396 -
val_accuracy: 0.6450

Epoch 00026: val_loss improved from 0.23979 to 0.23964, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/LSTM_model.h5
Epoch 27/30
182/182 [==============================] - 27s 149ms/step - loss: 0.2493 - accuracy: 0.6520 - val_loss: 0.2409 -
val_accuracy: 0.6436

Epoch 00027: val_loss did not improve from 0.23964


Epoch 28/30
182/182 [==============================] - 27s 148ms/step - loss: 0.2496 - accuracy: 0.6508 - val_loss: 0.2399 -
val_accuracy: 0.6423

Epoch 00028: val_loss did not improve from 0.23964


Epoch 29/30
182/182 [==============================] - 27s 149ms/step - loss: 0.2491 - accuracy: 0.6524 - val_loss: 0.2405 -
val_accuracy: 0.6423

Epoch 00029: val_loss did not improve from 0.23964


Epoch 30/30
182/182 [==============================] - 27s 148ms/step - loss: 0.2491 - accuracy: 0.6527 - val_loss: 0.2410 -
val_accuracy: 0.6393

Epoch 00030: val_loss did not improve from 0.23964

log_dir=os.path.join("logs",datetime.datetime.now().strftime("%Y%m%d-%H%M%S"))
tensorboard=tf.keras.callbacks.TensorBoard(log_dir=log_dir,histogram_freq=1,write_graph=True,write_grads=True)

checkpoint_filepath='/content/drive//My Drive/Tweet Sentiment Extraction/LSTM_model.h5'


model_checkpoint_callback=tf.keras.callbacks.ModelCheckpoint(filepath=checkpoint_filepath,monitor='val_loss',save_bes

#https://keras.io/api/metrics/
#https://keras.io/api/losses/probabilistic_losses/#categorical_crossentropy-function

adam=optimizers.Adam(0.001)
model.compile(optimizer=adam,loss='binary_crossentropy',metrics=['accuracy'])
callback=[model_checkpoint_callback,tensorboard]

#https://datascience.stackexchange.com/questions/34444/what-is-the-difference-between-fit-and-fit-generator-in-keras
history=model.fit([train_text,train_sentiment],y_train,epochs=30,batch_size=128,validation_data=([valid_text,valid_se

WARNING:tensorflow:`write_grads` will be ignored in TensorFlow 2.0 for the `TensorBoard` Callback.


Epoch 1/30
182/182 [==============================] - 64s 313ms/step - loss: 0.4082 - accuracy: 0.5757 - val_loss: 0.3108 -
val_accuracy: 0.5894

Epoch 00001: val_loss improved from inf to 0.31080, saving model to /content/drive//My Drive/Tweet Sentiment Ext
raction/Model_LSTM.h5
Epoch 2/30
182/182 [==============================] - 55s 301ms/step - loss: 0.2888 - accuracy: 0.6008 - val_loss: 0.2702 -
val_accuracy: 0.5904

Epoch 00002: val_loss improved from 0.31080 to 0.27019, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 3/30
182/182 [==============================] - 55s 300ms/step - loss: 0.2661 - accuracy: 0.6179 - val_loss: 0.2514 -
val_accuracy: 0.6167

Epoch 00003: val_loss improved from 0.27019 to 0.25143, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 4/30
182/182 [==============================] - 56s 305ms/step - loss: 0.2595 - accuracy: 0.6249 - val_loss: 0.2449 -
val_accuracy: 0.6331

Epoch 00004: val_loss improved from 0.25143 to 0.24494, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 5/30
182/182 [==============================] - 55s 303ms/step - loss: 0.2566 - accuracy: 0.6300 - val_loss: 0.2440 -
val_accuracy: 0.6374

Epoch 00005: val_loss improved from 0.24494 to 0.24396, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 6/30
182/182 [==============================] - 54s 299ms/step - loss: 0.2553 - accuracy: 0.6312 - val_loss: 0.2423 -
val_accuracy: 0.6351

Epoch 00006: val_loss improved from 0.24396 to 0.24234, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 7/30
182/182 [==============================] - 55s 305ms/step - loss: 0.2540 - accuracy: 0.6346 - val_loss: 0.2416 -
val_accuracy: 0.6394

Epoch 00007: val_loss improved from 0.24234 to 0.24164, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 8/30
182/182 [==============================] - 56s 308ms/step - loss: 0.2534 - accuracy: 0.6349 - val_loss: 0.2435 -
val_accuracy: 0.6249

Epoch 00008: val_loss did not improve from 0.24164


Epoch 9/30
182/182 [==============================] - 55s 305ms/step - loss: 0.2527 - accuracy: 0.6370 - val_loss: 0.2406 -
val_accuracy: 0.6396

Epoch 00009: val_loss improved from 0.24164 to 0.24058, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 10/30
182/182 [==============================] - 55s 304ms/step - loss: 0.2520 - accuracy: 0.6399 - val_loss: 0.2417 -
val_accuracy: 0.6384

Epoch 00010: val_loss did not improve from 0.24058


Epoch 11/30
182/182 [==============================] - 55s 303ms/step - loss: 0.2518 - accuracy: 0.6393 - val_loss: 0.2403 -
val_accuracy: 0.6394

Epoch 00011: val_loss improved from 0.24058 to 0.24034, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 12/30
182/182 [==============================] - 55s 301ms/step - loss: 0.2514 - accuracy: 0.6404 - val_loss: 0.2410 -
val_accuracy: 0.6404

Epoch 00012: val_loss did not improve from 0.24034


Epoch 13/30
182/182 [==============================] - 55s 303ms/step - loss: 0.2518 - accuracy: 0.6401 - val_loss: 0.2404 -
val_accuracy: 0.6419

Epoch 00013: val_loss did not improve from 0.24034


Epoch 14/30
182/182 [==============================] - 55s 301ms/step - loss: 0.2511 - accuracy: 0.6422 - val_loss: 0.2412 -
val_accuracy: 0.6363

Epoch 00014: val_loss did not improve from 0.24034


Epoch 15/30
182/182 [==============================] - 54s 298ms/step - loss: 0.2510 - accuracy: 0.6428 - val_loss: 0.2403 -
val_accuracy: 0.6421

Epoch 00015: val_loss improved from 0.24034 to 0.24032, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 16/30
182/182 [==============================] - 55s 302ms/step - loss: 0.2507 - accuracy: 0.6440 - val_loss: 0.2400 -
val_accuracy: 0.6419

Epoch 00016: val_loss improved from 0.24032 to 0.24002, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 17/30
182/182 [==============================] - 54s 297ms/step - loss: 0.2504 - accuracy: 0.6444 - val_loss: 0.2398 -
val_accuracy: 0.6426

Epoch 00017: val_loss improved from 0.24002 to 0.23979, saving model to /content/drive//My Drive/Tweet Sentiment
Extraction/Model_LSTM.h5
Epoch 18/30
182/182 [==============================] - 55s 301ms/step - loss: 0.2503 - accuracy: 0.6457 - val_loss: 0.2407 -
val_accuracy: 0.6434

Epoch 00018: val_loss did not improve from 0.23979


Epoch 19/30
182/182 [==============================] - 54s 297ms/step - loss: 0.2503 - accuracy: 0.6459 - val_loss: 0.2413 -
val_accuracy: 0.6367

Epoch 00019: val_loss did not improve from 0.23979


Epoch 20/30
182/182 [==============================] - 54s 298ms/step - loss: 0.2502 - accuracy: 0.6459 - val_loss: 0.2407 -
val_accuracy: 0.6403

Epoch 00020: val_loss did not improve from 0.23979


Epoch 21/30
182/182 [==============================] - 54s 299ms/step - loss: 0.2500 - accuracy: 0.6468 - val_loss: 0.2399 -
val_accuracy: 0.6437

Epoch 00021: val_loss did not improve from 0.23979


Epoch 22/30
182/182 [==============================] - 54s 297ms/step - loss: 0.2502 - accuracy: 0.6464 - val_loss: 0.2402 -
val_accuracy: 0.6401

Epoch 00022: val_loss did not improve from 0.23979


Epoch 23/30
182/182 [==============================] - 54s 297ms/step - loss: 0.2500 - accuracy: 0.6471 - val_loss: 0.2416 -
val_accuracy: 0.6376

Epoch 00023: val_loss did not improve from 0.23979


Epoch 24/30
182/182 [==============================] - 54s 298ms/step - loss: 0.2500 - accuracy: 0.6467 - val_loss: 0.2406 -
val_accuracy: 0.6389

Epoch 00024: val_loss did not improve from 0.23979


Epoch 25/30
182/182 [==============================] - 55s 302ms/step - loss: 0.2496 - accuracy: 0.6495 - val_loss: 0.2404 -
val_accuracy: 0.6415
Epoch 00025: val_loss did not improve from 0.23979
Epoch 26/30
182/182 [==============================] - 56s 305ms/step - loss: 0.2496 - accuracy: 0.6497 - val_loss: 0.2402 -
val_accuracy: 0.6409

Epoch 00026: val_loss did not improve from 0.23979


Epoch 27/30
182/182 [==============================] - 55s 304ms/step - loss: 0.2493 - accuracy: 0.6502 - val_loss: 0.2422 -
val_accuracy: 0.6380

Epoch 00027: val_loss did not improve from 0.23979


Epoch 28/30
182/182 [==============================] - 56s 305ms/step - loss: 0.2495 - accuracy: 0.6485 - val_loss: 0.2417 -
val_accuracy: 0.6370

Epoch 00028: val_loss did not improve from 0.23979


Epoch 29/30
182/182 [==============================] - 56s 307ms/step - loss: 0.2492 - accuracy: 0.6505 - val_loss: 0.2414 -
val_accuracy: 0.6379

Epoch 00029: val_loss did not improve from 0.23979


Epoch 30/30
182/182 [==============================] - 55s 304ms/step - loss: 0.2494 - accuracy: 0.6499 - val_loss: 0.2402 -
val_accuracy: 0.6410

Epoch 00030: val_loss did not improve from 0.23979

plt.figure(figsize=(7,4))
plt.plot(history.history['loss'])
plt.plot(history.history['val_loss'])
plt.ylabel('loss')
plt.xlabel('epoch')
plt.legend(['train','validation'])
plt.grid()
plt.show()

plt.figure(figsize=(7,4))
plt.plot(history.history['accuracy'])
plt.plot(history.history['val_accuracy'])
plt.ylabel('Accuracy')
plt.xlabel('epoch')
plt.legend(['train','validation'])
plt.grid()
plt.show()

Training Dataset
train_pred=model.predict([train_text,train_sentiment])
#https://www.geeksforgeeks.org/numpy-squeeze-in-python/
train_pred=np.squeeze(train_pred)
train_pred=np.round(train_pred)
train_pred.shape

(23273, 33)

pred=[]
for vector in train_pred:
index=[]
for i,value in enumerate(vector):
if value == 1:
index.append(i)
pred.append(np.array(index))
print(len(pred))

23273

X_train['prediction']=pred
X_train.head(20)

textID text selected_text sentiment prediction

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
8542 97b3fee0c0 work til work til neutral
10, 11, 12, 13,...

ok sending me messages asking to ok sending me messages asking to [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,


26493 cadd44e0ed neutral
set my blog l... set my blog l... 10, 11, 12, 13,...

welcoming new followers thanks for


14835 d27e0ab61d thanks for the love positive [3, 6]
the...

im such a nerd reading my first of


9140 3f1dc607f2 nerd negative [0, 1, 2, 3, 4]
many books ...

is going to see the hannah montana is going to see the hannah montana [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
22561 fe4e8393d5 neutral
movielolwha... movielolwha... 10, 11, 12, 13,...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
26245 e0a172bc68 i cut my hand open i cut my hand open negative
10, 11, 12, 13,...

lavish i told diamond to follow you and i told diamond to follow you and why u [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
2870 0068b3323c neutral
why u ... aitn sh... 10, 11, 12, 13,...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
19153 62fbde9857 you tell us you tell us neutral
10, 11, 12, 13,...

ss back to the gym project finally [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,


27222 f1142bc75a filthy negative
finished A... 10, 16, 17, 18,...

nah i understand you cant cancel i just nah i understand you cant cancel i just [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
20311 6abf30463f positive
wante... wanted... 10, 11, 12, 13,...

gawd if only that dream actually gawd if only that dream actually
24421 fd775d8f1c neutral [0, 1, 4, 6]
happened last... happened last...

gotta get ready to leavealec and i are [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,


19246 c128b2482e this should be fun positive
going h... 10, 11, 12, 13,...

im still full from the buffet at palms my [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,


2905 32f17aee22 my stomach actually hurts negative
sto... 10, 11, 12, 13,...

a shower feels so refreshing after a


25904 3294606008 feels so refreshing positive [0, 1, 2, 3, 4]
long day ...

all ready for costume making but all ready for costume making but [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
2702 78e0cf049d neutral
theres no one... theres no one... 10, 11, 12, 13,...

o i c i have no excuses i just love bein [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,


9298 f7619b036e just love positive
comfy 10, 11, 12, 13,...

in vancity holy shizz i will be home in vancity holy shizz i will be home [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
5727 35b883d82f neutral
soon kids soon kids 10, 11, 12, 13,...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9,
12568 01f3f364e2 cool what did you get cool what did you get neutral
10, 11, 12, 13,...

hi i teach some chinese lessons on hi i teach some chinese lessons on [0, 1, 2, 3, 4, 5, 6, 7, 8, 9,


2351 d1da906d59 neutral
youtube fe... youtube fee... 10, 11, 12, 13,...

happy mothers day to all the twitter


17407 d0e35a96f4 happy positive [0]
moms sent...

def get_text(x):
pred=[]
text=x[0]
index=x[1]
text=text.split()
l=len(text)
for i in index:
if i < l:
pred.append(text[i])
return pred

pred_text=X_train[['text','prediction']].apply(lambda x: get_text(x),axis=1)
X_train['pred_text']=pred_text
X_train['pred_text']=X_train['pred_text'].apply(lambda x: ' '.join(x))
X_train.head(20)

textID text selected_text sentiment prediction pred_text

[0, 1, 2, 3, 4, 5, 6, 7,
8542 97b3fee0c0 work til work til neutral 8, 9, 10, 11, 12, work til
13,...

[0, 1, 2, 3, 4, 5, 6, 7, ok sending me
ok sending me messages ok sending me messages
26493 cadd44e0ed neutral 8, 9, 10, 11, 12, messages asking to set
asking to set my blog l... asking to set my blog l...
13,... my blog l...

welcoming new followers


14835 d27e0ab61d thanks for the love positive [3, 6] thanks love
thanks for the...

im such a nerd reading my


9140 3f1dc607f2 nerd negative [0, 1, 2, 3, 4] im such a nerd reading
first of many books ...

[0, 1, 2, 3, 4, 5, 6, 7, is going to see the


is going to see the hannah is going to see the hannah
22561 fe4e8393d5 neutral 8, 9, 10, 11, 12, hannah montana
montana movielolwha... montana movielolwha...
13,... movielolwha...

[0, 1, 2, 3, 4, 5, 6, 7,
26245 e0a172bc68 i cut my hand open i cut my hand open negative 8, 9, 10, 11, 12, i cut my hand open
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
lavish i told diamond to i told diamond to follow you lavish i told diamond to
2870 0068b3323c neutral 8, 9, 10, 11, 12,
follow you and why u ... and why u aitn sh... follow you and why u ...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
19153 62fbde9857 you tell us you tell us neutral 8, 9, 10, 11, 12, you tell us
13,...

[0, 1, 2, 3, 4, 5, 6, 7, ss back to the gym


ss back to the gym project
27222 f1142bc75a filthy negative 8, 9, 10, 16, 17, project finally finished
finally finished A...
18,... AB...

[0, 1, 2, 3, 4, 5, 6, 7, nah i understand you


nah i understand you cant nah i understand you cant
20311 6abf30463f positive 8, 9, 10, 11, 12, cant cancel i just
cancel i just wante... cancel i just wanted...
13,... wanted...

gawd if only that dream gawd if only that dream


24421 fd775d8f1c neutral [0, 1, 4, 6] gawd if dream happened
actually happened last... actually happened last...

[0, 1, 2, 3, 4, 5, 6, 7, gotta get ready to


gotta get ready to leavealec
19246 c128b2482e this should be fun positive 8, 9, 10, 11, 12, leavealec and i are going
and i are going h...
13,... h...

[0, 1, 2, 3, 4, 5, 6, 7,
im still full from the buffet at im still full from the buffet
2905 32f17aee22 my stomach actually hurts negative 8, 9, 10, 11, 12,
palms my sto... at palms my stom...
13,...

a shower feels so refreshing a shower feels so


25904 3294606008 feels so refreshing positive [0, 1, 2, 3, 4]
after a long day ... refreshing

[0, 1, 2, 3, 4, 5, 6, 7, all ready for costume


all ready for costume all ready for costume
2702 78e0cf049d neutral 8, 9, 10, 11, 12, making but theres no
making but theres no one... making but theres no one...
13,... one...

[0, 1, 2, 3, 4, 5, 6, 7,
o i c i have no excuses i just o i c i have no excuses i
9298 f7619b036e just love positive 8, 9, 10, 11, 12,
love bein comfy just love bein comfy
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
in vancity holy shizz i will be in vancity holy shizz i will be in vancity holy shizz i will
5727 35b883d82f neutral 8, 9, 10, 11, 12,
home soon kids home soon kids be home soon kids
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
12568 01f3f364e2 cool what did you get cool what did you get neutral 8, 9, 10, 11, 12, cool what did you get
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
hi i teach some chinese hi i teach some chinese hi i teach some chinese
2351 d1da906d59 neutral 8, 9, 10, 11, 12,
lessons on youtube fe... lessons on youtube fee... lessons on youtube fee...
13,...

happy mothers day to all the


17407 d0e35a96f4 happy positive [0] happy
twitter moms sent...

X_train['jaccard']=X_train.apply(lambda x: jaccard(x.selected_text,x.pred_text),axis=1)
print('Mean training Jaccard score:',np.mean(X_train['jaccard']))
print("="*150)
print('nMean jaccard score for positive sentiment tweets:',np.mean(X_train[X_train['sentiment']=='positive']['jaccard
print("="*150)
print('Mean jaccard score for negative sentiment tweets',np.mean(X_train[X_train['sentiment']=='negative']['jaccard'
print("="*150)
print('Mean jaccard score for neutral sentiment tweets',np.mean(X_train[X_train['sentiment']=='neutral']['jaccard'
Mean training Jaccard score: 0.592125170683316
================================================================================================================
======================================
nMean jaccard score for positive sentiment tweets: 0.3731591875971906
================================================================================================================
======================================
Mean jaccard score for negative sentiment tweets 0.37941677777395855
================================================================================================================
======================================
Mean jaccard score for neutral sentiment tweets 0.9077134695258827

Validation Dataset
valid_pred=model.predict([valid_text,valid_sentiment])
valid_pred=np.squeeze(valid_pred)
valid_pred=np.round(valid_pred)
valid_pred.shape

(4108, 33)

pred=[]
for vector in valid_pred:
index=[]
for i,value in enumerate(vector):
if value == 1:
index.append(i)
pred.append(np.array(index))
print(len(pred))

4108

X_valid['prediction']=pred
X_valid.head(20)
textID text selected_text sentiment prediction

hes back oh noes have you missed [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,


27149 a3125b3dc1 insane negative
me work has ... 11, 16, 19,...

god opened the clouds and said i hate [0, 1, 3, 4, 5, 6, 7, 8, 9, 10,


15026 90944c6528 i hate you josh negative
you josh 11, 12, 13, 14...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
14192 2d003b7d57 everyone says that everyone says that neutral
11, 12, 13,...

i wonder if i should put a bet on cubs [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,


20828 0d663acecc love positive
winning... 11, 12, 13,...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
5135 3a4ff44f1a i will do that i will do that neutral
11, 12, 13,...

do u ever answer ur fans on here i do u ever answer ur fans on here i [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
3053 0252b13fbe neutral
wish u wou... wish u woul... 11, 12, 13,...

now ive got new frensfrm now ive got new frensfrm [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
15488 72edbb4f6d neutral
germanymexico n fra... germanymexico n fra... 11, 12, 13,...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
20778 9b7a9dfd99 already finished chatting haha already finished chatting haha neutral
11, 12, 13,...

i gave up following she seems really i gave up following she seems really [0, 1, 2, 3, 4, 5, 6, 7, 17, 18,
24362 30cc3c9612 neutral
nice b... nice bu... 19, 20, 21, 2...

my inner desire is to go to an isle in my inner desire is to go to an isle in [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,


17418 fd200545ec neutral
the mid... the mid... 11, 12, 13,...

haha yes theres a lot to be said for haha yes theres a lot to be said for [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
4143 9bb13f0fee neutral
nekkid ... nekkid r... 11, 12, 13,...

cant wait to watch the tonight show cant wait to watch the tonight show [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
12038 d2754597c4 neutral
this eveni... this eveni... 11, 12, 13,...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
24371 2c8f6efd46 i want to sooooooo bad i want to sooooooo bad neutral
11, 12, 13,...

i realized last night that i have no idea i realized last night that i have no [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
7811 dd2baf580f neutral
wher... idea wher... 11, 12, 13,...

[0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
16941 c2bfbeac47 ooc well do it ooc well do it neutral
11, 12, 13,...

only got in tips last night n but he only got in tips last night n but he [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,
25382 63b67f5e23 neutral
earned ... earned ... 11, 12, 13,...

such a nice day and im gonna be


18500 e05b470def nice day positive [0, 1, 2, 3]
stuck inside a...

silly boyfriend forgets his phone


7341 01faa5ac29 forgets negative [0, 1]
charger on h...

uhh i wish someone would include me [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10,


15797 a6c5ca1cc5 great positive
in their f... 11, 12, 13,...

[0, 1, 3, 4, 5, 6, 7, 8, 9, 10,
9056 9004bfe410 happy meal bob toy happy meal positive
11, 12, 13, 14...

pred_text=X_valid[['text','prediction']].apply(lambda x:get_text(x),axis=1)
X_valid['pred_text']=pred_text
X_valid['pred_text']=X_valid['pred_text'].apply(lambda x: ' '.join(x))
X_valid.head(20)
textID text selected_text sentiment prediction pred_text

[0, 1, 2, 3, 4, 5, 6, 7, hes back oh noes have


hes back oh noes have you
27149 a3125b3dc1 insane negative 8, 9, 10, 11, 16, you missed me work has
missed me work has ...
19,... b...

[0, 1, 3, 4, 5, 6, 7, 8,
god opened the clouds and god opened clouds and
15026 90944c6528 i hate you josh negative 9, 10, 11, 12, 13,
said i hate you josh said i hate you josh
14...

[0, 1, 2, 3, 4, 5, 6, 7,
14192 2d003b7d57 everyone says that everyone says that neutral 8, 9, 10, 11, 12, everyone says that
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
i wonder if i should put a bet i wonder if i should put a
20828 0d663acecc love positive 8, 9, 10, 11, 12,
on cubs winning... bet on cubs winning...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
5135 3a4ff44f1a i will do that i will do that neutral 8, 9, 10, 11, 12, i will do that
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
do u ever answer ur fans on do u ever answer ur fans do u ever answer ur fans
3053 0252b13fbe neutral 8, 9, 10, 11, 12,
here i wish u wou... on here i wish u woul... on here i wish u woul...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
now ive got new frensfrm now ive got new frensfrm now ive got new frensfrm
15488 72edbb4f6d neutral 8, 9, 10, 11, 12,
germanymexico n fra... germanymexico n fra... germanymexico n franc...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
already finished chatting already finished chatting already finished chatting
20778 9b7a9dfd99 neutral 8, 9, 10, 11, 12,
haha haha haha
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
i gave up following she i gave up following she i gave up following she
24362 30cc3c9612 neutral 17, 18, 19, 20, 21,
seems really nice b... seems really nice bu... seems really nice got ...
2...

[0, 1, 2, 3, 4, 5, 6, 7,
my inner desire is to go to my inner desire is to go to my inner desire is to go to
17418 fd200545ec neutral 8, 9, 10, 11, 12,
an isle in the mid... an isle in the mid... an isle in the mid...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
haha yes theres a lot to be haha yes theres a lot to be haha yes theres a lot to
4143 9bb13f0fee neutral 8, 9, 10, 11, 12,
said for nekkid ... said for nekkid r... be said for nekkid re...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
cant wait to watch the cant wait to watch the cant wait to watch the
12038 d2754597c4 neutral 8, 9, 10, 11, 12,
tonight show this eveni... tonight show this eveni... tonight show this eveni...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
24371 2c8f6efd46 i want to sooooooo bad i want to sooooooo bad neutral 8, 9, 10, 11, 12, i want to sooooooo bad
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
i realized last night that i i realized last night that i i realized last night that i
7811 dd2baf580f neutral 8, 9, 10, 11, 12,
have no idea wher... have no idea wher... have no idea wher...
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
16941 c2bfbeac47 ooc well do it ooc well do it neutral 8, 9, 10, 11, 12, ooc well do it
13,...

[0, 1, 2, 3, 4, 5, 6, 7,
only got in tips last night n only got in tips last night n only got in tips last night n
25382 63b67f5e23 neutral 8, 9, 10, 11, 12,
but he earned ... but he earned ... but he earned bu...
13,...

such a nice day and im


18500 e05b470def nice day positive [0, 1, 2, 3] such a nice day
gonna be stuck inside a...

silly boyfriend forgets his


7341 01faa5ac29 forgets negative [0, 1] silly boyfriend
phone charger on h...

[0, 1, 2, 3, 4, 5, 6, 7, uhh i wish someone


uhh i wish someone would
15797 a6c5ca1cc5 great positive 8, 9, 10, 11, 12, would include me in their
include me in their f...
13,... f...

[0, 1, 3, 4, 5, 6, 7, 8,
9056 9004bfe410 happy meal bob toy happy meal positive 9, 10, 11, 12, 13, happy meal toy
14...

X_valid['jaccard']=X_valid.apply(lambda x: jaccard(x.selected_text,x.pred_text),axis=1)
print('Mean training Jaccard score:',np.mean(X_valid['jaccard']))
print("="*150)
print('Mean jaccard score for positive sentiment tweets:',np.mean(X_valid[X_valid['sentiment']=='positive']['jaccard'
print("="*150)
print('Mean jaccard score for negative sentiment tweets',np.mean(X_valid[X_valid['sentiment']=='negative']['jaccard'
print("="*150)
print('Mean jaccard score for neutral sentiment tweets',np.mean(X_valid[X_valid['sentiment']=='neutral']['jaccard'
Mean training Jaccard score: 0.5799558281290238
================================================================================================================
======================================
Mean jaccard score for positive sentiment tweets: 0.3578825085702225
================================================================================================================
======================================
Mean jaccard score for negative sentiment tweets 0.3821199941137671
================================================================================================================
======================================
Mean jaccard score for neutral sentiment tweets 0.8910794650327247

Submission
model=load_model('/content/drive//My Drive/Tweet Sentiment Extraction/LSTM_model.h5')

test_text=test['text'].values
test_sentiment=test['sentiment'].values

test_text=token1.texts_to_sequences(test_text)
test_text=sequence.pad_sequences(test_text,maxlen=max_len_text,padding='post')

test_sentiment=token2.texts_to_sequences(test_sentiment)
test_sentiment=sequence.pad_sequences(test_sentiment,maxlen=max_len_sentiment,padding='post')

test_pred=model.predict([test_text,test_sentiment])
test_pred=np.squeeze(test_pred)
test_pred=np.round(test_pred)
test_pred.shape

(3534, 33)

pred=[]
for vector in test_pred:
index=[]
for i,value in enumerate(vector):
if value == 1:
index.append(i)
pred.append(np.array(index))
print(len(pred))

3534

def get_text(x):
pred=[]
text=x[0]
index=x[1]
text=text.split()
l=len(text)
for i in index:
if i < l:
pred.append(text[i])
return pred

test['prediction']=pred
pred_text=test[['text','prediction']].apply(lambda x:get_text(x),axis=1)
test['selected_text']=pred_text
test['selected_text']=test['selected_text'].apply(lambda x: ' '.join(x))

test.drop(['text','sentiment','prediction'],axis=1,inplace=True)

test.head()

textID selected_text

0 f87dea47db last session of the day

1 96d74cb729 shanghai is also really skyscrapers

2 eee518ae67 branquinho she has her company such a shame

3 01082688c6 happy bday

4 33987a8ee5 i like it

test.to_csv("/content/drive//My Drive/Tweet Sentiment Extraction/LSTM_submission.csv",index=False)

You might also like