In [1]:
import nltk

1、Sentences Segment(分句)


In [2]:
sent_tokenizer = nltk.data.load('tokenizers/punkt/english.pickle')

In [3]:
paragraph = "The first time I heard that song was in Hawaii on radio. I was just a kid, and loved it very much! What a fantastic song!" 

sentences = sent_tokenizer.tokenize(paragraph)

sentences


Out[3]:
['The first time I heard that song was in Hawaii on radio.',
 'I was just a kid, and loved it very much!',
 'What a fantastic song!']

2、Tokenize sentences (分词)


In [4]:
from nltk.tokenize import WordPunctTokenizer 

sentence = "Are you old enough to remember Michael Jackson attending the Grammys \
            with Brooke Shields and Webster sat on his lap during the show?" 

words = WordPunctTokenizer().tokenize(sentence)  

words


Out[4]:
['Are',
 'you',
 'old',
 'enough',
 'to',
 'remember',
 'Michael',
 'Jackson',
 'attending',
 'the',
 'Grammys',
 'with',
 'Brooke',
 'Shields',
 'and',
 'Webster',
 'sat',
 'on',
 'his',
 'lap',
 'during',
 'the',
 'show',
 '?']

In [5]:
text = 'That U.S.A. poster-print costs $12.40...' 

pattern = r"""(?x)                   # set flag to allow verbose regexps 
              (?:[A-Z]\.)+           # abbreviations, e.g. U.S.A. 
              |\d+(?:\.\d+)?%?       # numbers, incl. currency and percentages 
              |\w+(?:[-']\w+)*       # words w/ optional internal hyphens/apostrophe 
              |\.\.\.                # ellipsis 
              |(?:[.,;"'?():-_`])    # special characters with meanings 
            """  

nltk.regexp_tokenize(text, pattern)


Out[5]:
['That', 'U.S.A.', 'poster-print', 'costs', '12.40', '...']

Tokenize and tag some text:


In [6]:
sentence = """At eight o'clock on Thursday morning
... Arthur didn't feel very good."""

tokens = nltk.word_tokenize(sentence)

tokens


Out[6]:
['At',
 'eight',
 "o'clock",
 'on',
 'Thursday',
 'morning',
 'Arthur',
 'did',
 "n't",
 'feel',
 'very',
 'good',
 '.']

In [7]:
tagged = nltk.pos_tag(tokens)
tagged


Out[7]:
[('At', 'IN'),
 ('eight', 'CD'),
 ("o'clock", 'NN'),
 ('on', 'IN'),
 ('Thursday', 'NNP'),
 ('morning', 'NN'),
 ('Arthur', 'NNP'),
 ('did', 'VBD'),
 ("n't", 'RB'),
 ('feel', 'VB'),
 ('very', 'RB'),
 ('good', 'JJ'),
 ('.', '.')]

Display a parse tree:


In [8]:
entities = nltk.chunk.ne_chunk(tagged)
entities


---------------------------------------------------------------------------
LookupError                               Traceback (most recent call last)
C:\ProgramData\Anaconda3\lib\site-packages\IPython\core\formatters.py in __call__(self, obj)
    309             method = get_real_method(obj, self.print_method)
    310             if method is not None:
--> 311                 return method()
    312             return None
    313         else:

C:\ProgramData\Anaconda3\lib\site-packages\nltk\tree.py in _repr_png_(self)
    728             _canvas_frame.print_to_file(in_path)
    729             _canvas_frame.destroy_widget(widget)
--> 730             subprocess.call([find_binary('gs', binary_names=['gswin32c.exe', 'gswin64c.exe'], env_vars=['PATH'], verbose=False)] +
    731                             '-q -dEPSCrop -sDEVICE=png16m -r90 -dTextAlphaBits=4 -dGraphicsAlphaBits=4 -dSAFER -dBATCH -dNOPAUSE -sOutputFile={0:} {1:}'
    732                             .format(out_path, in_path).split())

C:\ProgramData\Anaconda3\lib\site-packages\nltk\__init__.py in find_binary(name, path_to_bin, env_vars, searchpath, binary_names, url, verbose)
    602                 binary_names=None, url=None, verbose=False):
    603     return next(find_binary_iter(name, path_to_bin, env_vars, searchpath,
--> 604                                  binary_names, url, verbose))
    605 
    606 def find_jar_iter(name_pattern, path_to_jar=None, env_vars=(),

C:\ProgramData\Anaconda3\lib\site-packages\nltk\__init__.py in find_binary_iter(name, path_to_bin, env_vars, searchpath, binary_names, url, verbose)
    596     """
    597     for file in  find_file_iter(path_to_bin or name, env_vars, searchpath, binary_names,
--> 598                      url, verbose):
    599         yield file
    600 

C:\ProgramData\Anaconda3\lib\site-packages\nltk\__init__.py in find_file_iter(filename, env_vars, searchpath, file_names, url, verbose, finding_dir)
    567                         (filename, url))
    568         div = '='*75
--> 569         raise LookupError('\n\n%s\n%s\n%s' % (div, msg, div))
    570 
    571 

LookupError: 

===========================================================================
NLTK was unable to find the gs file!
Use software specific configuration paramaters or set the PATH environment variable.
===========================================================================
Out[8]:
Tree('S', [('At', 'IN'), ('eight', 'CD'), ("o'clock", 'NN'), ('on', 'IN'), ('Thursday', 'NNP'), ('morning', 'NN'), Tree('PERSON', [('Arthur', 'NNP')]), ('did', 'VBD'), ("n't", 'RB'), ('feel', 'VB'), ('very', 'RB'), ('good', 'JJ'), ('.', '.')])

In [9]:
from nltk.corpus import treebank

t = treebank.parsed_sents('wsj_0001.mrg')[0]

t.draw()

In [10]:
from nltk.book import *


*** Introductory Examples for the NLTK Book ***
Loading text1, ..., text9 and sent1, ..., sent9
Type the name of the text or sentence to view it.
Type: 'texts()' or 'sents()' to list the materials.
text1: Moby Dick by Herman Melville 1851
text2: Sense and Sensibility by Jane Austen 1811
text3: The Book of Genesis
text4: Inaugural Address Corpus
text5: Chat Corpus
text6: Monty Python and the Holy Grail
text7: Wall Street Journal
text8: Personals Corpus
text9: The Man Who Was Thursday by G . K . Chesterton 1908

In [11]:
text1


Out[11]:
<Text: Moby Dick by Herman Melville 1851>

In [12]:
text1.concordance("monstrous")


Displaying 11 of 11 matches:
ong the former , one was of a most monstrous size . ... This came towards us , 
ON OF THE PSALMS . " Touching that monstrous bulk of the whale or ork we have r
ll over with a heathenish array of monstrous clubs and spears . Some were thick
d as you gazed , and wondered what monstrous cannibal and savage could ever hav
that has survived the flood ; most monstrous and most mountainous ! That Himmal
they might scout at Moby Dick as a monstrous fable , or still worse and more de
th of Radney .'" CHAPTER 55 Of the Monstrous Pictures of Whales . I shall ere l
ing Scenes . In connexion with the monstrous pictures of whales , I am strongly
ere to enter upon those still more monstrous stories of them which are to be fo
ght have been rummaged out of this monstrous cabinet there is no telling . But 
of Whale - Bones ; for Whales of a monstrous size are oftentimes cast up dead u

In [13]:
text1.similar("monstrous")


true contemptible christian abundant few part mean careful puzzled
mystifying passing curious loving wise doleful gamesome singular
delightfully perilous fearless

In [14]:
text2.common_contexts(["monstrous","very"])


a_pretty am_glad a_lucky is_pretty be_glad

In [15]:
text3.generate('luck')

In [16]:
text3.count('smote') / len(text3)


Out[16]:
0.00011169689929407559

In [17]:
len(text3) / len(set(text3))


Out[17]:
16.050197203298673

抽取词干 并归类


In [18]:
from pandas import DataFrame
import pandas as pd
d = ['pets insurance','pets insure','pet insurance','pet insur','pet insurance"','pet insu']
df = DataFrame(d)
df.columns = ['Words']
df


Out[18]:
Words
0 pets insurance
1 pets insure
2 pet insurance
3 pet insur
4 pet insurance"
5 pet insu

In [19]:
# 去除标点符号等特殊字符的正则表达式分词器

from nltk.stem import WordNetLemmatizer
from nltk.tokenize import word_tokenize 
from nltk.stem.porter import *

stemmer = PorterStemmer()

wnl = WordNetLemmatizer()

tokenizer = nltk.RegexpTokenizer(r'w+')

df["Stemming Words"] = ""
df["Count"] = 1

j = 0
while (j <= 5):
    for word in word_tokenize(df["Words"][j]):  # 分词
        df["Stemming Words"][j] = df["Stemming Words"][j] + " " + stemmer.stem(word)  # stemming
    j=j + 1
df


C:\ProgramData\Anaconda3\lib\site-packages\ipykernel_launcher.py:19: SettingWithCopyWarning: 
A value is trying to be set on a copy of a slice from a DataFrame

See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy
Out[19]:
Words Stemming Words Count
0 pets insurance pet insur 1
1 pets insure pet insur 1
2 pet insurance pet insur 1
3 pet insur pet insur 1
4 pet insurance" pet insur '' 1
5 pet insu pet insu 1

In [20]:
wnl.lemmatize('left')


Out[20]:
'left'

In [21]:
tokenizer.tokenize( ' pets insur ')


Out[21]:
[]

In [22]:
uniqueWords = df.groupby(['Stemming Words'], as_index = False).sum()
uniqueWords


Out[22]:
Stemming Words Count
0 pet insu 1
1 pet insur 4
2 pet insur '' 1

In [23]:
# Levenshtein edit-distance 有很多不同的计算距离的方法

from nltk.metrics import edit_distance
minDistance = 0.8
distance = -1
lastWord = ""
j = 0
while (j < 1):
    lastWord = uniqueWords["Stemming Words"][j]
    distance = edit_distance(uniqueWords["Stemming Words"][j], uniqueWords["Stemming Words"][j + 1])
    if (distance > minDistance):
        uniqueWords["Stemming Words"][j] = uniqueWords["Stemming Words"][j + 1]
    j += 1
uniqueWords


C:\ProgramData\Anaconda3\lib\site-packages\ipykernel_launcher.py:12: SettingWithCopyWarning: 
A value is trying to be set on a copy of a slice from a DataFrame

See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy
  if sys.path[0] == '':
Out[23]:
Stemming Words Count
0 pet insur 1
1 pet insur 4
2 pet insur '' 1

In [24]:
uniqueWords = uniqueWords.groupby(['Stemming Words'], as_index = False).sum()
uniqueWords


Out[24]:
Stemming Words Count
0 pet insur 5
1 pet insur '' 1

停用词移除(Stop word removal)


In [25]:
from nltk.corpus import stopwords

stoplist = stopwords.words('english')
text = "This is just a test"
cleanwordlist = [word for word in text.split() if word not in stoplist]
print(cleanwordlist)


['This', 'test']

In [26]:
from nltk.metrics import edit_distance
print(edit_distance("rain", "rainbow"))


3

In [27]:
# 4.4 不同的解析器类型
# 4.4.1 递归下降解析器
# 4.4.2 移位-规约解析器
# 4.4.3 图表解析器
# 4.4.4 正则表达式解析器
import nltk
from nltk.chunk.regexp import *
chunk_rules = ChunkRule("<.*>+", "chunk everything")
reg_parser = RegexpParser('''
NP: {<DT>? <JJ>* <NN>*} # NP
P: {<IN>}               # Preposition
V: {<V.*>}              # Verb
PP: {<P> <NP>}          # PP -> P NP
VP: {<V> <NP|PP>*}      # VP -> V (NP|PP)*
''')
test_sent = "Mr. Obama played a big role in the Health insurance bill"
test_sent_pos = nltk.pos_tag(nltk.word_tokenize(test_sent))
paresed_out = reg_parser.parse(test_sent_pos)
print(paresed_out)


(S
  Mr./NNP
  Obama/NNP
  (VP
    (V played/VBD)
    (NP a/DT big/JJ role/NN)
    (PP (P in/IN) (NP the/DT)))
  Health/NNP
  (NP insurance/NN bill/NN))

In [28]:
# 4.5 依存性文本解析(dependency parsing, DP)
# 基于概率的投射依存性解析器(probabilistic, projective dependency parser)
from nltk.parse.stanford import StanfordParser
# https://nlp.stanford.edu/software/stanford-parser-full-2017-06-09.zip
english_parser = StanfordParser()
english_parser.raw_parse_sents(("this is the english parser test"))


---------------------------------------------------------------------------
LookupError                               Traceback (most recent call last)
<ipython-input-28-a8c25797f1ee> in <module>()
      3 from nltk.parse.stanford import StanfordParser
      4 # https://nlp.stanford.edu/software/stanford-parser-full-2017-06-09.zip
----> 5 english_parser = StanfordParser()
      6 english_parser.raw_parse_sents(("this is the english parser test"))

C:\ProgramData\Anaconda3\lib\site-packages\nltk\parse\stanford.py in __init__(self, path_to_jar, path_to_models_jar, model_path, encoding, verbose, java_options, corenlp_options)
     50                 verbose=verbose, is_regex=True
     51             ),
---> 52             key=lambda model_path: os.path.dirname(model_path)
     53         )
     54 

C:\ProgramData\Anaconda3\lib\site-packages\nltk\__init__.py in find_jar_iter(name_pattern, path_to_jar, env_vars, searchpath, url, verbose, is_regex)
    714                     (name_pattern, url))
    715         div = '='*75
--> 716         raise LookupError('\n\n%s\n%s\n%s' % (div, msg, div))
    717 
    718 def find_jar(name_pattern, path_to_jar=None, env_vars=(),

LookupError: 

===========================================================================
  NLTK was unable to find stanford-parser\.jar! Set the CLASSPATH
  environment variable.

  For more information, on stanford-parser\.jar, see:
    <https://nlp.stanford.edu/software/lex-parser.shtml>
===========================================================================

In [29]:
%pwd


Out[29]:
'C:\\zhang\\projects\\small\\tensor__cpu\\NLTK'

文本分类


In [30]:
from nltk.corpus import stopwords
from nltk.stem import WordNetLemmatizer
import csv
def preprocessing(text):
    #text = text.decode("utf8")
    # tokenize into words
    tokens = [word for sent in nltk.sent_tokenize(text) for word in nltk.word_tokenize(sent)]
    # remove stopwords
    stop = stopwords.words('english')
    tokens = [token for token in tokens if token not in stop]
    # remove words less than three letters
    tokens = [word for word in tokens if len(word) >= 3]
    # lower capitalization
    tokens = [word.lower() for word in tokens]
    # lemmatize
    lmtzr = WordNetLemmatizer()
    tokens = [lmtzr.lemmatize(word) for word in tokens]
    preprocessed_text = ' '.join(tokens)
    return preprocessed_text

In [31]:
sms = open('./Machine-Learning-with-R-datasets-master/SMSSpamCollection.txt', encoding='utf8') # check the structure of this file!
sms_data = []
sms_labels = []
csv_reader = csv.reader(sms, delimiter = '\t')
for line in csv_reader:
    # adding the sms_id
    sms_labels.append(line[0])
    # adding the cleaned text We are calling preprocessing method
    sms_data.append(preprocessing(line[1]))
sms.close()

In [32]:
# 6.3 采样操作
import sklearn
import numpy as np
trainset_size = int(round(len(sms_data)*0.70))
# i chose this threshold for 70:30 train and test split.
print('The training set size for this classifier is ' + str(trainset_size) + '\n')
x_train = np.array([''.join(el) for el in sms_data[0: trainset_size]])
y_train = np.array([el for el in sms_labels[0: trainset_size]])
x_test = np.array([''.join(el) for el in sms_data[trainset_size+1:len(sms_data)]])
y_test = np.array([el for el in sms_labels[trainset_size+1:len(sms_labels)]])
         #or el in sms_labels[trainset_size+1:len(sms_labels)]

print(x_train)
print(y_train)

from sklearn.feature_extraction.text import CountVectorizer
sms_exp = []
for line in sms_data:
    sms_exp.append(preprocessing(line))
vectorizer = CountVectorizer(min_df = 1, encoding='utf-8')
X_exp = vectorizer.fit_transform(sms_exp)
print("||".join(vectorizer.get_feature_names()))
print(X_exp.toarray())

from sklearn.feature_extraction.text import TfidfVectorizer
vectorizer = TfidfVectorizer(min_df = 2, ngram_range=(1, 2),
                             stop_words = 'english', strip_accents = 'unicode', norm = 'l2')
X_train = vectorizer.fit_transform(x_train)
X_test = vectorizer.transform(x_test)


The training set size for this classifier is 3900

[ 'jurong point crazy.. available bugis great world buffet ... cine got amore wat ...'
 'lar ... joking wif oni ...'
 'free entry wkly comp win cup final tkts 21st may 2005 text 87121 receive entry question std txt rate apply 08452810075over18'
 ...,
 'tell call 09066358152 claim £5000 prize enter mobile personal detail prompt careful'
 "thank you 've wonderful" 'otherwise part time job na-tuition..']
['ham' 'ham' 'spam' ..., 'spam' 'ham' 'ham']
00||000||000pes||008704050406||0089||0121||01223585236||01223585334||0125698789||02||0207||02072069400||02073162414||02085076972||021||03||04||0430||05||050703||0578||06||07||07008009200||07046744435||07090201529||07090298926||07099833605||07123456789||0721072||07732584351||07734396839||07742676969||07753741225||0776xxxxxxx||07781482378||07786200117||077xxx||078||07801543489||07808||07808247860||07808726822||07815296484||07821230901||078498||07880867867||0789xxxxxxx||07946746291||0796xxxxxx||07973788240||07xxxxxxxxx||08||0800||08000407165||08000776320||08000839402||08000930705||08000938767||08001950382||08002888812||08002986030||08002986906||08002988890||08006344447||0808||08081263000||08081560665||0825||083||0844||08448350055||08448714184||0845||08450542832||08452810071||08452810073||08452810075over18||0870||08700435505150p||08700469649||08700621170150p||08701213186||08701237397||08701417012||08701417012150p||0870141701216||087016248||08701752560||087018728737||0870241182716||08702490080||08702840625||08704050406||08704439680||08704439680ts||08706091795||0870737910216yrs||08707500020||08707509020||0870753331018||08707808226||08708034412||08708800282||08709222922||08709501522||0871||087104711148||08712101358||08712103738||0871212025016||08712300220||087123002209am||08712317606||08712400200||08712400602450p||08712400603||08712402050||08712402578||08712402779||08712402902||08712402972||08712404000||08712405020||08712405022||08712460324||08712466669||0871277810710p||0871277810810||0871277810910p||08714342399||087147123779am||08714712379||08714712388||08714712394||08714712412||08714714011||08715203028||08715203649||08715203652||08715203656||08715203677||08715203685||08715203694||08715205273||08715500022||08715705022||08717111821||08717168528||08717205546||0871750||08717507382||08717509990||08717890890||08717895698||08717898035||08718711108||08718720201||08718723815||08718725756||08718726270||087187262701||08718726970||08718726971||08718726978||087187272008||08718727868||08718727870||08718727870150ppm||08718730555||08718730666||08718738001||08718738002||08718738034||08719180219||08719180248||08719181259||08719181503||08719181513||08719839835||08719899217||08719899229||08719899230||09||09041940223||09050000301||09050000332||09050000460||09050000555||09050000878||09050000928||09050001295||09050001808||09050002311||09050003091||09050005321||09050090044||09050280520||09053750005||09056242159||09057039994||09058091854||09058091870||09058094454||09058094455||09058094507||09058094565||09058094583||09058094594||09058094597||09058094599||09058095107||09058095201||09058097189||09058097218||09058098002||09058099801||09061104276||09061104283||09061209465||09061213237||09061221061||09061221066||09061701444||09061701461||09061701851||09061701939||09061702893||09061743386||09061743806||09061743810||09061743811||09061744553||09061749602||09061790121||09061790125||09061790126||09063440451||09063442151||09063458130||0906346330||09064011000||09064012103||09064012160||09064015307||09064017295||09064017305||09064018838||09064019014||09064019788||09065069120||09065069154||09065171142||09065174042||09065394514||09065394973||09065989180||09065989182||09066350750||09066358152||09066358361||09066361921||09066362206||09066362220||09066362231||09066364311||09066364349||09066364589||09066368327||09066368470||09066368753||09066380611||09066382422||09066612661||09066649731from||09066660100||09071512432||09071512433||09071517866||09077818151||09090204448||09090900040||09094100151||09094646631||09094646899||09095350301||09096102316||09099725823||09099726395||09099726429||09099726481||09099726553||09111030116||09111032124||09701213186||0quit||10||100||1000||1000call||100p||100percent||100txt||1013||1030||10am||10k||10p||10ppm||10th||11||1120||113||1131||114||1146||116||1172||118p||11mths||11pm||12||1205||120p||121||1225||123||125||1250||125gift||128||12hours||12hrs||12mths||13||130||1327||139||14||140||1405||140ppm||145||1450||146tf150p||14tcr||14thmarch||15||150||1500||150p||150p16||150pm||150ppermesssubscription||150ppm||150ppmpobox10183bhamb64xe||150ppmsg||150pw||151||153||15541||15pm||16||165||1680||169||177||18||180||1843||18p||18yrs||195||1956669||1apple||1b6a5ecef91ff9||1cup||1da||1er||1hr||1im||1lemon||1mega||1million||1pm||1st||1st4terms||1stchoice||1stone||1thing||1tulsi||1win150ppmx3||1winaweek||1winawk||1x150p||1yf||20||200||2000||2003||2004||2005||2006||2007||200p||2025050||20m12aq||20p||21||21870000||21st||22||220||220cm2||2309||23f||23g||24||24hrs||24m||24th||25||250||250k||255||25p||26||2667||26th||27||28||2814032||28days||28th||28thfeb||29||2bold||2channel||2day||2docd||2end||2exit||2ez||2find||2getha||2geva||2go||2gthr||2hook||2hrs||2kbsubject||2lands||2marrow||2moro||2morow||2morro||2morrow||2morrowxxxx||2mro||2mrw||2mwen||2nd||2nhite||2nights||2nite||2optout||2price||2px||2rcv||2stop||2stoptx||2stoptxt||2u2||2watershd||2waxsto||2wks||2wt||2wu||2years||2yr||2yrs||30||300||3000||300603||300603t||300p||3030||30apr||30ish||30pm||30pp||30th||31||3100||310303||31p||32||32000||3230||32323||326||33||330||350||3510i||35p||3650||36504||3680||373||3750||37819||38||382||391784||3aj||3days||3gbp||3hrs||3lions||3lp||3miles||3mins||3mobile||3optical||3pound||3qxj9||3rd||3uz||3wks||3x||3xx||400||400mins||400thousad||402||4041||40411||40533||40gb||40mph||41685||41782||420||42049||4217||42478||42810||430||434||440||4403ldnw1a7rw18||44345||447797706009||447801259231||448712404000||449050000301||449071512431||450||450p||450ppw||450pw||45239||45pm||4719||4742||47per||48||4882||48922||49||49557||4brekkie||4eva||4few||4fil||4get||4give||4got||4goten||4info||4jx||4msgs||4mths||4my||4qf2||4th||4the||4thnov||4txt||4u||4utxt||4ward||4wrd||4xx26||4years||50||500||5000||505060||50award||50ea||50gbp||50p||50perweeksub||50perwksub||50pm||50pmmorefrommobile2bremoved||50ppm||50rcvd||515||5226||523||5249||526||528||530||54||542||545||5digital||5free||5ish||5min||5mls||5p||5pm||5th||5wb||5we||5wkg||5wq||5years||60||600||6031||6089||60p||61||61200||61610||62220cncl||6230||62468||62735||630||63miles||645||65||650||66||6669||674||67441233||68866||69101||69200||69669||69696||69698||69855||69866||69876||69888||69888nyt||69911||69969||69988||6days||6hl||6hrs||6ish||6missed||6months||6ph||6pm||6th||6times||6wu||6zf||700||71||7250||7250i||730||731||74355||75||750||7548||75max||762||7634||7684||77||7732584351||786||7876150ppm||79||7am||7cfca1a||7ish||7mp||7oz||7pm||7th||7ws||7zs||800||8000930705||80062||8007||80082||80086||80122300p||80155||80160||80182||8027||80488||80608||8077||80878||81010||81151||81303||81618||82050||820554ad0a1705572711||82242||82277||82324||82468||83021||83039||83049||83110||83118||83222||83332||83338||83355||83370||83383||83435||83600||83738||84025||84122||84128||84199||84484||850||85023||85069||85222||85233||8552||85555||86021||861||864233||86688||86888||87021||87066||87070||87077||87121||87131||8714714||872||87239||87575||8800||88039||88066||88088||88222||88600||88800||8883||88877||88888||89034||89070||89080||89105||89123||89545||89555||89693||89938||8am||8ball||8lb||8p||8pm||8th||8wp||900||9061100010||910||9153||9280114||92h||930||9307622||945||946||95||9755||9758||97n7qp||98321561||99||9996||9ae||9am||9ja||9pm||9t||9th||9yt||____||a21||a30||aah||aaniye||aaooooright||aathi||ab||abbey||abdomen||abeg||abel||aberdeen||abi||ability||abiola||abj||able||abnormally||aboutas||abroad||absence||absolutely||absolutly||abstract||abt||abta||aburo||abuse||abuser||ac||academic||acc||accent||accenture||accept||access||accessible||accidant||accident||accidentally||accommodation||accommodationvouchers||accomodate||accomodations||accordin||accordingly||account||accounting||accumulation||achan||ache||achieve||acid||acknowledgement||acl03530150pm||acnt||aco||across||act||acted||actin||acting||action||activ8||activate||active||activity||actor||actual||actually||adam||add||addamsfa||added||addicted||addie||adding||address||adewale||adi||adjustable||admin||administrator||admirer||admission||admit||adore||adoring||adp||adress||adrian||adrink||adsense||adult||advance||adventure||adventuring||advice||advise||advising||advisor||aeronautics||aeroplane||afew||affair||affection||affectionate||affidavit||afford||afghanistan||afraid||africa||african||aft||after||afternon||afternoon||afterwards||aftr||again||agalla||age||age16||age23||agency||agent||ages||agidhane||aging||ago||agree||ah||aha||ahead||ahhh||ahhhh||ahmad||ahold||aid||aig||aight||aint||air||air1||airport||airtel||aiya||aiyah||aiyar||aiyo||ajith||aka||akon||al||alaikkum||alaipayuthe||albi||album||alcohol||aldrine||alert||alertfrom||aletter||alex||alfie||algarve||algebra||algorithm||ali||alian||alibi||alive||all||allah||allalo||allday||alle||allo||allow||allowed||allows||almost||alone||along||alot||already||alright||alrite||also||alter||alternative||although||alto18||aluable||alwa||always||alwys||am||amanda||amazing||ambitious||ambrith||american||ami||amigo||amk||amla||amma||ammae||ammo||amnow||among||amongst||amore||amount||amp||amplikater||amrca||amrita||amt||amused||amy||an||ana||anal||analysis||anand||and||anderson||andre||andres||andrews||andros||angel||angry||animal||animation||anjie||anjola||anna||annie||anniversary||annoncement||announced||announcement||annoyin||annoying||anonymous||anot||another||ansr||answer||answered||answerin||answering||answr||antelope||antha||anthony||anti||antibiotic||any||anybody||anyhow||anymore||anyone||anyones||anyplaces||anythiing||anythin||anything||anythingtomorrow||anytime||anyway||anyways||anywhere||aom||apart||apartment||ape||apeshit||aphex||apnt||apo||apologetic||apologise||apologize||apology||app||apparently||appeal||appear||appendix||applausestore||applebees||apples||application||apply||applyed||applying||appointment||appreciate||appreciated||approach||approaching||appropriate||approve||approved||approx||apps||appt||appy||april||aproach||apt||aptitude||aquarius||ar||arab||arabian||arcade||archive||ard||are||area||arent||arestaurant||aretaking||areyouunique||argentina||argh||argue||arguing||argument||aries||arise||arises||arithmetic||arm||armand||armenia||arng||arngd||arnt||around||aroundn||arr||arrange||arranging||arrested||arrival||arrive||arrived||arrow||arsenal||art||artist||arty||arul||arun||asa||asap||asda||ash||ashley||ashwini||asia||asian||asjesus||ask||askd||asked||askin||asking||asks||aslamalaikkum||asleep||asp||aspect||ass||assessment||asshole||assistance||associate||asssssholeeee||assume||assumed||asthere||asthma||astne||astoundingly||astrology||astronomer||asus||asusual||at||ate||athletic||athome||atlanta||atlast||atleast||atm||atrocious||attach||attached||attack||attempt||atten||attend||attended||attending||attention||attitude||attraction||attractive||attracts||attributed||atural||auction||audiitions||audition||audrey||audrie||august||aunt||auntie||aunty||aust||australia||authorise||auto||autocorrect||ava||availa||available||avalarr||avatar||avble||ave||avenge||avent||avenue||avin||avo||avoid||avoiding||avoids||await||awaiting||awake||award||awarded||away||awesome||awkward||aww||awww||axel||axis||ayn||ayo||b4190604||b4280703||b4u||b4utele||ba128nnfwfly150ppm||baaaaaaaabe||baaaaabe||babe||baby||babygoodbye||babyjontet||babysit||babysitting||bac||back||backdoor||backwards||bad||badass||badly||badrith||bag||bahamas||baig||bailiff||bajarangabali||bak||bakra||bakrid||balance||ball||baller||balloon||bam||bambling||ban||band||bandage||bang||bangb||bangbabes||bank||banned||banneduk||banter||bao||bar||barbie||barcelona||bare||barely||bari||barkley||barmed||barolla||barred||barrel||barring||barry||base||based||bash||basic||basically||basket||basketball||basq||bat||batch||batchlor||bath||bathe||bathing||bathroom||batsman||batt||battery||battle||bawling||bay||bbc||bbd||bbdeluxe||bbq||bcaz||bck||bcm||bcm1896wc1n3xx||bcm4284||bcmsfwc1n3xx||bcoz||bcs||bcum||bcums||bcz||bday||be||beach||bead||bear||beating||beautiful||beauty||bec||becaus||becausethey||become||becomes||becoz||becz||bed||bedbut||bedreal||bedrm||bedroom||beeen||beehoon||beendropping||beer||beerage||befor||before||beforehand||beg||beggar||begging||begin||begun||behalf||behave||behind||bein||believe||belive||bell||bellearlier||belligerent||belly||belong||belongs||belovd||beloved||belt||ben||bend||beneath||beneficiary||benefit||benny||bergkamp||beside||best||best1||bet||beta||beth||betta||better||bettersn||bettr||beverage||bevies||beware||beyond||bffs||bfore||bhaji||bhaskar||bhayandar||bian||biatch||bid||big||bigger||biggest||bike||bill||billed||billing||billion||billy||bilo||bimbo||bin||biola||bird||birla||biro||birth||birthdate||birthday||bishan||bit||bitch||bitching||bite||biz||black||blackberry||blacko||blah||blake||blame||blank||blanked||blanket||blastin||bleak||bleh||bless||blessed||blessing||blimey||blind||block||blocked||blog||blogging||blogspot||bloke||blonde||bloo||blood||bloody||bloomberg||blow||blowing||blown||blu||blue||bluetooth||bluetoothhdset||bluff||blur||bluray||bmw||board||boat||boatin||bob||body||boggy||bognor||bold||bold2||bollox||boltblue||bomb||bone||bong||bonus||boo||boob||book||booked||bookedthe||booking||bookmark||bookshelf||boooo||boost||booty||bootydelious||borderline||bored||borin||boring||born||borrow||bos||boston||bot||both||bother||bothering||bottle||bottom||bought||boundary||bout||bowa||bowl||box||box1146||box139||box177||box245c2150pm||box326||box334||box334sk38ch||box385||box39822||box403||box420||box42wr29c||box434sk38wp150ppm18||box61||box95qu||box97n7qp||boy||boye||boyf||boyfriend||boytoy||bpo||bra||brah||brain||braindance||brainless||brainy||brand||brandy||brat||braved||bray||brb||brdget||bread||breadstick||break||breaker||breakfast||breakin||breaking||breath||breathe||breathe1||breather||breathing||breeze||breezy||bribe||bridal||bridge||bridgwater||brief||bright||brighten||brilliant||brilliantly||brin||bring||bringing||brings||brisk||brison||bristol||british||britney||bro||broad||broadband||broke||broken||brolly||bros||broth||brothas||brother||brought||brown||brownie||browse||browser||browsin||bruce||brum||bruv||bslvyl||bsn||bsnl||bstfrnd||bt||bthere||btw||btwn||bubbletext||buck||bud||buddy||budget||buen||buff||buffet||buffy||bugis||build||building||built||bulb||bull||bullshit||bun||bunch||bundle||bunker||burden||burger||burgundy||burial||burn||burning||burnt||burrito||bus||bus8||busetop||business||busty||busy||but||butt||buttheres||butting||button||buy||buyer||buying||buz||buzy||buzz||buzzzz||bx420||bx526||by||byatch||bye||c52||cab||cabin||cable||cafe||cage||cake||cal||calculated||calculation||cali||calicut||california||call||call09050000327||call2optout||callback||callcost||callcost150ppmmobilesvary||calld||called||caller||callertune||callfreefone||callin||calling||callon||calls||calls1||calm||cam||camcorder||came||camera||camp||campus||camry||can||canada||canal||canary||cancel||canceled||cancelled||cancer||canlove||canname||cant||cantdo||canteen||cap||capacity||capital||cappuccino||captain||captaining||car||card||cardiff||cardin||care||careabout||cared||career||careers||careful||carefully||careless||caring||carlie||carlin||carlos||carly||carolina||caroline||carpark||carry||carryin||carton||cartoon||case||cash||cashbin||cashed||cashto||casing||cast||casting||castor||casualty||cat||catch||catching||category||caught||cause||causing||cave||caveboy||cbe||cc100p||ccna||cdgt||cedar||ceiling||celeb||celebrate||celebrated||celebration||cell||census||center||centre||century||cer||cereal||ceri||certainly||certificate||cha||chachi||chad||chain||challenge||challenging||champ||champlaxigating||champneys||chance||change||changed||changing||channel||chap||chapel||chapter||character||charge||charged||charity||charles||charlie||charming||chart||chase||chasing||chastity||chat||chat80155||chatlines||chatter||chatting||cheap||cheaper||cheat||cheating||chechi||check||checkboxes||checked||checkin||checking||checkmate||checkup||cheek||cheer||cheered||cheery||cheese||cheesy||cheetos||chef||chennai||cheque||cherish||cherthala||chess||chest||chex||cheyyamo||chez||chg||chgs||chic||chick||chicken||chickened||chief||chik||chikku||child||childish||childporn||children||childrens||chile||chill||chillaxin||chillin||china||chinatown||chinchilla||chinese||chinky||chinnu||chiong||chip||chit||chk||chloe||chocolate||choice||choose||choosing||chop||chord||chore||chosen||chrgd||christ||christian||christmas||christmassy||chuck||chuckin||church||ciao||cine||cinema||citizen||city||citylink||claim||claimcode||claire||clarification||clarify||clark||clas||clash||class||classic||classmate||claypot||cld||clean||cleaning||clear||cleared||clearer||clearing||clearly||clever||click||cliff||clip||clock||clos1||close||closeby||closed||closer||closingdate04||cloth||clothes||cloud||clover||club||club4||club4mobiles||clubmoby||clubsaisai||clubzed||clue||cm2||cme||cmon||cnl||cnn||cnupdates||co||coach||coast||coat||coaxing||coca||coccooning||cochin||cock||cocksucker||coco||code||coffee||coherently||coimbatore||coin||coincidence||cola||colany||cold||colin||collage||collapsed||colleague||collect||collected||collecting||collection||colleg||college||color||colour||colourful||com||com1win150ppmx3age16||com1win150ppmx3age16subscription||comb||combination||combine||come||comedy||comes||comfey||comfort||comin||coming||comingdown||command||comment||commercial||commit||common||community||como||comp||companion||company||compare||compass||compensation||competition||complacent||complain||complaining||complaint||complementary||complete||completed||completely||completes||completing||complexity||compliment||complimentary||comprehensive||compromised||compulsory||computational||computer||computerless||comuk||con||conacted||concentrate||concentrating||concentration||concern||concerned||concert||conclusion||condition||conduct||conected||conference||confidence||configure||confirm||confirmd||confirmed||conform||confused||confuses||congrats||congratulation||connect||connected||connection||consensus||consent||conserve||consider||considering||consistently||console||constant||constantly||contact||contacted||contains||content||contented||contention||continent||continue||continued||contract||contribute||control||convenience||conversation||converted||converter||convey||conveying||convince||convinced||convincing||cook||cooked||cooking||cooky||cool||cooped||cooperative||cop||copied||coping||copy||corect||cornwall||corporation||corrct||correct||correction||correctly||corrupt||corvette||cosign||cost||costa||costing||costume||couch||cougar||cough||coughing||could||coulda||couldn||count||countin||countinlots||country||coupla||couple||courage||courageous||course||court||courtroom||cousin||cover||coveragd||covers||coz||cozy||cps||cr01327bt||cr9||crab||crack||craigslist||crammed||cramp||crap||crash||crashed||crashing||crave||craving||craziest||crazy||crazyin||crckt||cream||created||creative||creativity||credit||credited||creep||creepy||cres||cribbs||cricket||cricketer||crickiting||cried||crisis||cro1327||crore||cross||crossing||crowd||croydon||crucial||crucify||cruel||cruise||cruisin||crushes||cry||cs||csbcm4235wc1n3xx||csc||csh11||cst||cstore||ctagg||ctargg||cthen||ctla||cttargg||ctter||cttergg||ctxt||cuck||cud||cuddle||cuddled||cuddling||cudnt||culdnt||culture||cum||cumin||cumming||cup||cupboard||cuppa||curfew||curious||current||currently||curry||curtsey||cusoon||cust||custcare||custom||customer||customercare||customersqueries||cut||cute||cutefrnd||cutest||cutie||cutter||cutting||cuz||cw25wx||cya||cyclist||cyst||d3wv||da||daaaaa||dabbles||dabooks||dad||daddy||dai||daily||dammit||damn||dan||dancce||dance||dancin||dancing||dane||dang||danger||dangerous||dao||dare||dark||darker||darkest||darkness||darlin||darling||darren||dartboard||dasara||dat||data||date||datebox1282essexcm61xn||dating||datz||dave||dawn||day||days||daytime||daywith||db||dbuk||de||dead||deal||dealer||dealing||dear||dear1||dearer||dearly||death||debating||dec||decades||december||decent||decide||decided||deciding||decimal||decision||deck||decking||declare||decorating||dedicate||dedicated||deduct||deep||deepak||deepest||deer||deeraj||def||defeat||defer||deficient||definite||definitely||definitly||defo||degree||dehydrated||dehydration||del||delay||delayed||delete||deleted||delhi||delicious||deliver||delivered||deliveredtomorrow||delivery||deltomorrow||deluxe||dem||demand||den||dena||dengra||denis||dent||dental||dentist||deny||denying||department||dependable||dependent||depends||deposit||deposited||depressed||depression||dept||der||derek||derp||describe||description||desert||deserve||designation||desire||desires||desk||desparate||desparately||desperate||despite||dessert||destination||destiny||detail||detailed||details||determine||determined||detroit||deus||develop||developed||developer||device||devil||deviousbitch||devouring||dey||dha||dhanush||dhina||dhoni||dhorte||dial||dialling||dialogue||diamond||diaper||dice||dick||dict||dictionary||did||diddy||didn||didnt||didntgive||die||died||diesel||diet||dieting||diff||differ||difference||different||difficult||difficulty||dificult||digi||digit||digital||dignity||dileep||dime||dimension||din||dine||dined||dinero||ding||dining||dinner||dino||dint||dip||dippeditinadew||direct||directly||director||dirt||dirtiest||dirty||dis||disagreeable||disappeared||disappointment||disaster||disastrous||disc||disclose||disconnect||disconnected||discount||discreet||discus||discussed||disease||disk||dislike||dismay||dismissial||display||distance||distract||disturb||disturbance||disturbing||ditto||divert||division||divorce||diwali||dizzamn||dizzee||dled||dlf||dload||dnot||dnt||do||dob||dobby||doc||dock||doctor||doctors||document||dodda||dodgey||doe||doesdiscount||doesn||doesnt||dog||dogbreath||dogg||doggin||dogging||doggy||dogwood||doin||doinat||doit||doke||dokey||doll||dollar||dom||domain||don||donate||done||donno||dont||dontcha||dontignore||dontmatter||dontplease||donyt||doom||door||dorm||dormitory||dorothy||dose||dosomething||dot||double||doublemins||doubletxt||doubt||doug||dough||download||downloaded||downloads||downon||downstem||dozen||dracula||drama||dramastorm||dramatic||drastic||draw||dreading||dream||dreams||dreamz||dress||dressed||dresser||drink||drinkin||drinking||drivby||drive||driver||drivin||driving||drizzling||drms||drop||dropped||drove||drpd||drug||drugdealer||drum||drunk||drunkard||drunken||drvgsto||dry||dryer||dual||dub||dubsack||duchess||ducking||dude||dudette||due||duffer||dull||dumb||dump||dun||dungerees||dunno||duo||durban||durham||dusk||dust||duvet||dvd||dvg||dwn||dying||dysentry||e14||eachother||ear||earlier||earliest||early||earn||earning||earth||easier||easiest||easily||east||eastenders||easter||easy||eat||eaten||eatin||eating||ebay||ec2a||echo||eckankar||ecstacy||ecstasy||ed||edge||edhae||edison||edition||edrunk||edu||education||educational||edukkukayee||edward||eek||eerie||eerulli||effect||efficient||efreefone||egbon||egg||eggs||ego||eh74rr||eight||eighth||eightish||eire||either||ela||elaborate||elaborating||elaine||elama||elaya||eldest||election||electricity||elephant||eleven||elliot||ello||else||elsewhere||elvis||email||emailed||embarassed||embarassing||embarrassed||embassy||emc1||emergency||emerging||emigrated||emily||emotion||employee||employer||empty||enc||end||ended||ending||endless||endof||endowed||ends||enemy||energy||eng||engaged||engagement||engalnd||engin||england||english||enjoy||enjoyed||enjoyin||enjoying||enketa||enna||ennal||enough||ente||enter||entered||enters||entertain||entertaining||entey||entire||entirely||entitled||entrepreneur||entropication||entry||entry41||enufcredeit||enuff||envelope||environment||envy||epi||eppolum||epsilon||equally||er||ere||ericson||ericsson||erm||erode||erotic||err||error||ertini||eruku||erupt||erutupalam||esaplanade||escalator||escape||ese||eshxxxxxxxxxxx||espe||especially||esplanade||essay||essential||establish||eta||etc||ethnicity||etlp||ettans||euro||euro2004||eurodisinc||europe||evaluation||evaporated||eve||eveb||even||evening||event||eventually||ever||every||every1||everybody||everyboy||everyday||everyone||everyones||everyso||everythin||everything||everytime||everywhere||evey||eviction||evil||evn||evng||evo||evone||evr||evrey||evry||evry1||evrydy||ex||exact||exactly||exam||excellent||except||exchanged||excited||exciting||excuse||excused||exe||executive||exercise||exeter||exhaust||exhausted||exhibition||exist||exmpel||exorcism||exorcist||exp||expect||expected||expecting||expects||expensive||experience||experiencehttp||experiment||expert||expired||expires||expiry||explain||explicit||explicitly||explosive||exposed||exposes||express||expression||expressoffer||ext||exterminator||extra||extract||extreme||eye||eyed||f4q||fab||faber||face||facebook||facility||fact||factory||faded||faggot||faggy||faglord||failed||failing||fails||failure||fainting||fair||faith||fake||fakeye||fal||falconerf||fall||fallen||falling||fals||famamus||familiar||family||famous||fan||fancied||fancy||fantastic||fantasy||far||farm||farrell||farting||fassyole||fast||faster||fastest||fat||fated||father||fathima||fatty||fault||fav||fave||favor||favorite||favour||favourite||fear||feathery||feature||feb||february||fed||fedex||fee||feed||feel||feelin||feeling||feelingood||feellikw||feet||fell||fellow||felt||female||feng||festival||fetch||fetching||fever||few||ffectionate||fffff||ffffffffff||ffffuuuuuuu||fgkslpo||fgkslpopw||fidalfication||field||fieldof||fiend||fifa||fifteen||fifth||fifty||fight||fighting||fightng||figure||figuring||file||fill||filled||filling||film||filth||filthy||filthyguys||final||finalise||finally||finance||financial||find||finding||fine||finest||finger||fingers||finish||finishd||finished||finishing||fink||finn||fire||fired||firefox||fireplace||fires||firmware||firsg||first||fish||fishhead||fishrman||fit||fiting||five||fix||fixd||fixed||fixedline||fizz||flag||flaked||flaky||flame||flash||flat||flatter||flavour||flea||fletcher||flew||flight||flim||flip||flippin||flirt||flirting||flirtparty||floating||flood||floor||floppy||florida||flow||flower||flowing||fluid||flung||flurry||flute||fly||flying||flyng||fml||fne||fold||foley||folk||follow||followed||followin||following||follows||fond||fondly||fone||foned||fones||fonin||food||fool||fooled||foot||football||footbl||footie||footprint||footy||for||force||forced||foregate||foreign||forever||forevr||forfeit||forget||forgets||forgive||forgiven||forgiveness||forgot||forgotten||forgt||form||formal||formally||format||formatting||forms||forth||fortune||forum||forward||forwarded||forwarding||found||foundurself||four||fourth||foward||fowler||fox||fps||fr||fraction||fran||frank||frankie||franxx||franyxxxxx||fraud||freak||freaked||freaking||freaky||fredericksburg||free||free2day||freedom||freeentry||freefone||freek||freely||freemsg||freephone||freezing||freinds||fren||french||frens||frequently||fresh||fresher||fret||fri||friday||fridge||fried||friend||friends||friendsare||friendship||fring||fringe||frm||frmcloud||frnd||frnds||frndship||frndshp||frndsship||frndz||frnt||fro||frog||fromm||fromwrk||front||frontierville||frosty||fruit||frwd||frying||ft||fuck||fucked||fuckin||fucking||fuckinnice||fudge||fuelled||fujitsu||ful||fulfil||full||fullonsms||fumbling||fun||function||fund||fundamental||funeral||funk||funky||funny||furniture||fusion||future||fuuuuck||fwiw||fyi||g696ga||gage||gail||gailxx||gain||gained||gal||galileo||gals||gam||gamb||game||games||gamestar||gandhipuram||ganesh||gang||gap||garage||garbage||garden||gardener||gari||garment||gary||gas||gastroenteritis||gate||gauge||gautham||gauti||gave||gay||gayle||gaytextbuddy||gaze||gbp||gbp1||gbp4||gbp5||gdeve||ge||gee||geeee||geeeee||gei||gek1510||gender||gene||general||generally||genius||gent||gentle||gentleman||gently||genuine||genus||geoenvironmental||george||gep||ger||germany||get||get4an18th||getiing||geting||getsleep||getstop||gettin||getting||getzed||ghodbandar||ghost||gibbs||gibe||gift||gifted||giggle||gigolo||gim||gimmi||gin||girl||girlfrnd||girlie||gist||giv||give||given||giving||glad||gland||glasgow||glass||glo||global||glorious||glory||gloucesterroad||gm||gmw||gn||gnarl||gnt||gnun||go||go2||go2sri||goal||goals||gobi||god||goggles||goigng||goin||goin2bed||going||gokila||gold||golddigger||golden||goldviking||golf||gon||gona||gone||gong||gonnamissu||good||goodevening||goodfriend||goodmate||goodmorning||goodnight||goodnite||goodnoon||goodo||goodtime||goody||google||gopalettan||gorgeous||gosh||gossip||got||gota||gotany||gotbabes||gotmarried||goto||gotten||gotto||goverment||govt||gower||gprs||gpu||gr8||gr8fun||gr8prizes||grab||grace||graduated||grahmbell||gram||gran||grand||grandfather||grandma||granite||granted||graphic||grasp||grateful||grave||gravel||gravity||gravy||gray||grazed||gre||great||greatest||greatly||greatness||greece||green||greet||greeting||grief||grinder||grins||grinule||grl||grocer||grooved||groovy||groovying||ground||group||grow||growing||grown||grownup||grr||grumble||grumpy||gsex||gsoh||gua||guai||guarantee||guaranteed||gucci||gud||gudni8||gudnite||gudnyt||guess||guessed||guessin||guessing||guidance||guide||guild||guilty||guitar||gumby||guoyang||gurl||gut||guy||gving||gym||gymnastics||gynae||gyno||habba||habit||hack||had||haf||haha||hahaha||hai||hail||hair||haircut||hairdresser||haiyoh||haiz||half||half8th||hall||halla||hallaq||halloween||ham||hamper||hamster||hand||handed||handing||handle||hands||handset||handsome||handsomes||hang||hanger||hangin||hanging||hank||hannaford||hanuman||hanumanji||happen||happend||happened||happenin||happening||happens||happier||happiest||happily||happiness||happy||hard||hardcore||harder||hardest||hardly||hari||harish||harlem||harri||harry||hasbro||hasnt||hassling||hat||hate||haughaighgtujhyguj||haul||haunt||hav||hav2hear||hava||havbeen||have||havebeen||haven||havent||haventcn||havin||havnt||hcl||hdd||he||head||headache||headin||heading||headset||headstart||heal||healer||healthy||heap||hear||heard||hearin||hearing||heart||hearted||hearts||heat||heater||heaven||heavily||heavy||hectic||hee||heehee||hehe||height||held||helen||hell||hella||hello||hellogorgeous||helloooo||help||help08700621170150p||help08714742804||help08718728876||helpful||helping||helpline||heltini||hen||hence||henry||hep||her||here||hero||heron||hesitant||hesitate||hesitation||hex||hey||hf8||hg||hhahhaahahah||hi||hidden||hide||hiding||high||highest||hilarious||hill||hillsborough||him||himso||hint||hip||hiphop||hire||his||history||hit||hitler||hitman||hitter||hittng||hiya||hlday||hlp||hme||hmm||hmmm||hmmmm||hmmross||hmph||hmv||hmv1||hockey||hogidhe||hogli||hogolo||hol||holby||hold||holder||holding||hole||holiday||holla||hollalater||hols||holy||home||homeowner||hon||honest||honestly||honesty||honey||honeybee||honeymoon||honi||hont||hoo||hooch||hoody||hook||hooked||hoop||hop||hope||hoped||hopeful||hopefully||hopeing||hopeso||hopeu||hoping||hor||horniest||horny||horo||horrible||horse||hospital||host||hostel||hostile||hot||hotel||hotmail||hotmix||hottest||hour||hourish||house||houseful||housewife||housework||housing||how||howard||howda||howdy||however||hows||howu||howz||hp20||hppnss||hr||hrishi||hsbc||html||http||huai||hubby||hudgi||hug||huge||hugging||hugh||huh||hui||huiming||hum||human||humanity||hun||hundred||hungover||hungry||hunk||hunny||hunt||hunting||hurricane||hurried||hurry||hurt||hurting||husband||hussey||hustle||hut||hv9d||hvae||hw||hyde||hype||hypertension||hypotheticalhuagauahahuagahyuhagga||iam||ibh||ibhltd||ibiza||ibm||ibn||ibored||ibuprofen||iccha||ice||icic||icicibank||icky||icmb3cktz8r7||icon||id||idc||idea||ideal||identification||identifier||idew||idiot||idk||idp||idu||if||iff||ifink||ig11||ignorant||ignore||ignoring||ihave||ijust||ikea||ikno||iknow||il||ileave||ill||illness||illspeak||ilol||im||image||imagination||imagine||imat||imf||img||imin||imma||immed||immediately||immunisation||imp||impatient||impede||implication||important||importantly||imposed||impossible||imposter||impress||impressed||impression||impressively||improve||improved||imprtant||in||in2||inc||inch||incident||inclu||include||includes||including||inclusive||incomm||inconsiderate||inconvenience||inconvenient||incorrect||increase||incredible||increment||inde||indeed||independence||independently||index||india||indian||indicate||individual||indyarocks||inever||infact||infection||infernal||influx||info||inform||information||informed||infra||infront||ing||ingredient||initiate||ink||inlude||inmind||inner||inning||innocent||innu||inperialmusic||inpersonation||inr||insect||insha||inshah||inside||inspection||inst||install||installation||installing||instant||instantly||instead||instituitions||instruction||insurance||intelligent||intend||intention||interest||interested||interesting||interflora||interfued||internal||internet||interview||interviw||intha||intrepid||intro||intrude||invader||invention||invest||investigate||invitation||invite||invited||inviting||invnted||invoice||involve||involved||iouri||ip4||ipad||ipaditan||ipads||iphone||ipod||iraq||irene||iriver||iron||ironing||irritated||irritates||irritating||irritation||irulinae||is||isaiah||iscoming||ish||ishtamayoo||island||isn||isnt||issue||issues||isv||it||italian||itcould||item||iter||ithink||itna||itried2tell||its||itself||itwhichturnedinto||itxt||itz||ivatte||ive||iwana||iwas||iyo||izzit||j5q||j89||jabo||jack||jacket||jackpot||jackson||jacuzzi||jada||jade||jaklin||jam||james||jamster||jamz||jan||janarige||jane||janinexx||january||janx||jap||japanese||jas||jason||java||jay||jaya||jaykwon||jaz||jazz||jealous||jean||jeetey||jeevithathile||jelly||jen||jenne||jenny||jenxxx||jeremiah||jeri||jerk||jerry||jersey||jess||jesus||jet||jetton||jewelry||jez||jia||jiayin||jide||jiu||jjc||joanna||job||jobyet||jock||jod||jog||jogging||john||join||joined||joining||joke||joker||jokin||joking||jolly||jolt||jon||jones||jontin||jordan||jorge||jos||jot||journey||joy||jsco||jst||jstfrnd||jsut||juan||judgemental||juicy||jul||jules||juliana||julianaland||july||jump||jumper||june||jungle||junna||jurong||jus||just||justbeen||justfound||justify||justthought||juswoke||juz||k52||k61||k718||kaaj||kadeem||kaiez||kaila||kaitlyn||kalaachutaarama||kalainar||kalisidare||kallis||kalstiya||kama||kanagu||kane||kanji||kano||kappa||karaoke||karnan||karo||kate||katexxx||kath||kavalan||kay||kaypoh||keen||keep||keeping||kegger||keluviri||ken||kent||kept||kerala||keralacircle||keris||kettoda||key||keypad||keyword||kfc||khelate||kicchu||kick||kickboxing||kickoff||kid||kidding||kidz||kiefer||kill||killed||killing||kilo||kind||kinda||kindly||king||kingdom||kintu||kiosk||kip||kisi||kiss||kisses||kissing||kit||kittum||kitty||kl341||knackered||knee||knew||knickers||knock||knocking||know||knowing||known||knw||kochi||kodstini||kodthini||kolathupalayam||konw||korche||korean||korli||korte||kotees||kothi||ktv||kuch||kudi||kusruthi||kvb||l8er||l8r||l8rs||l8tr||la1||la3||la32wu||lab||labor||lac||lacking||lacs||laden||lady||lag||lage||lager||laid||lakh||lambda||lambu||lamp||lancaster||land||landing||landline||landlineonly||landmark||lane||langport||language||lanka||lanre||lap||lapdancer||laptop||lar||lara||laready||large||largest||lark||lasagna||last||lastest||lasting||late||lately||latelyxxx||later||latest||latr||laugh||laughed||laughing||laughs||laundry||laurie||lautech||lavender||law||laxinorficated||lay||layin||laying||lazy||lccltd||ld||ldew||ldn||ldnw15h||le||lead||leadership||leading||leaf||leafcutter||league||leanne||learn||learned||least||least5times||leave||leaving||lect||lecture||lecturer||left||leftover||leg||legal||legitimat||leh||lei||lekdog||lem||length||lennon||leo||leona||leonardo||lesser||lesson||lessons||let||lets||letter||level||lf56||liao||lib||libertine||library||lick||lido||lie||life||lifebook||lifeis||lifetime||lifpartnr||lift||lifted||lifting||light||lighter||lightly||lik||like||liked||likely||likeyour||liking||lil||lily||lim||limit||limited||limiting||limping||lindsay||line||linear||lined||linerental||lingerie||lingo||link||linux||lion||lionm||lionp||lip||lipo||liquor||list||listed||listen||listened2the||listener||listening||listening2the||listn||lit||literally||litre||little||live||lived||liver||liverpool||living||lkpobox177hp51fl||ll||llc||llspeak||lmao||lnly||load||loan||lobby||local||location||locaxx||lock||lodge||lodging||log||logged||logging||login||logo||logoff||logon||logos||loko||lol||lolnice||lololo||londn||london||loneliness||lonely||long||longer||lonlines||loo||look||lookatme||looked||lookin||looking||lool||loooooool||looovvve||loose||loosing||loosu||lor||lord||lose||loser||loses||losing||loss||lost||lot||lotr||lotsly||lotsof||lotta||lotto||lotz||lou||loud||lounge||lousy||lov||lovable||love||loved||lovejen||lovely||loveme||lover||loverboy||lovin||loving||lovingly||lovly||low||lower||lowes||loxahatchee||loyal||loyalty||lrg||ls1||ls15hb||ls278bb||lst||ltd||ltdhelpdesk||lttrs||lubly||luck||luckily||lucky||lucozade||lucy||lucyxx||luks||lul||lunch||lunchtime||lunsford||lush||luton||luv||luvd||luvs||lux||luxury||lvblefrnd||lyf||lyfu||lying||lyk||lyricalladie||lyrics||m100||m221bp||m227xy||m26||m263uz||m39m51||m60||m8s||m95||ma||maaaan||maangalyam||maat||mac||macedonia||macha||machan||machi||machine||macho||mack||macleran||mad||mad1||mad2||madam||made||madodu||madoke||madstini||madurai||mag||maga||magazine||maggi||magic||magical||magicalsongs||mah||mahal||mahaveer||mahfuuz||maid||mail||mailbox||mailed||main||maintain||maintaining||major||make||makiing||makin||making||malaria||malarky||male||mall||mallika||man||manage||manageable||managed||management||manchester||manda||mandan||mandara||mandy||maneesha||manege||mango||maniac||manky||manual||many||map||mapquest||maraikara||marandratha||march||maretare||margaret||margin||marine||mark||market||marketing||marking||marley||marrge||marriage||married||marry||marsms||maruti||marvel||mary||mas||masked||massage||massive||master||masteriastering||mat||match||matched||mate||math||mathe||mathematics||mathews||matra||matric||matrix3||matter||matthew||matured||maturity||max||max10mins||max6||maximize||maximum||may||mayb||maybe||mca||mcat||mcfly||mcr||me||meal||mean||meaning||meaningful||meaningless||meant||meanwhile||measure||meat||meatball||mecause||med||medical||medicine||mee||meet||meetin||meeting||meetins||meg||mega||meh||mei||meive||mel||melle||melnite||melody||melt||member||membership||memorable||memory||men||mental||mention||mentioned||mentionned||mentor||menu||meow||merely||merememberin||merry||mesages||mess||message||messaged||messages||messaging||messed||messenger||messy||met||method||mfl||mia||michael||mid||middle||midnight||mids||might||miiiiiiissssssssss||mike||mila||mile||mileage||milk||miller||million||milta||min||mina||minapn||mind||minded||mindset||mine||minecraft||mini||minimum||minmobsmore||minmobsmorelkpobox177hp51fl||minmoremobsemspobox45po139wa||minnaminunginte||minor||mins||mint||minus||minute||minuts||miracle||mirror||misbehaved||miserable||misfit||mising||misplaced||miss||misscall||missed||missin||missing||mission||missionary||missunderstding||missy||mist||mistake||misundrstud||mite||mitsake||mittelschmertz||miwa||mix||mjzgroup||mk17||mk45||mmm||mmmm||mmmmm||mmmmmm||mmmmmmm||mmsto||mnth||mnths||mo||moan||mob||mobcudb||mobile||mobilesdirect||mobilesvary||mobileupd8||mobno||mobsi||mobstorequiz10ppm||moby||mobypobox734ls27yf||mode||model||modl||module||mofo||moji||mojibiola||mokka||molested||mom||moment||mon||monday||mone||money||monkeespeople||monkey||monkeyaround||mono||monoc||monster||month||monthly||monthlysubscription||mood||moon||moral||morefrmmob||morn||mornin||morning||morphine||morrow||moseley||mostly||mother||motherfucker||motivate||motivating||motive||motor||motorola||mountain||mouse||mouth||move||moved||movie||movietrivia||moving||mp3||mquiz||mr||mre||mrng||mrt||ms||msg||msg150p||msging||msgrcvd||msgrcvd18||msgrcvdhg||msn||mt||mtalk||mth||mths||mtmsg||mtmsg18||mtmsgrcvd18||mtnl||muah||much||muchand||muchxxlove||mudyadhu||mufti||muhommad||muht||multimedia||multiply||multis||mum||mumbai||mumhas||mummy||mumtaz||mundhe||munsters||murali||murder||murdered||murderer||mush||mushy||music||musical||musicnews||must||musta||musthu||mustprovide||mutai||mutation||muz||mwahs||my||mycalls||mylife||mymoby||myparents||mys||myspace||mystery||n9dx||na||naal||nacho||nag||nagar||nah||nahi||nail||naked||nalla||nalli||name||name1||name2||named||nammanna||namous||nan||nange||nanny||nap||narcotic||nasdaq||naseeb||nasty||nat||nat27081980||natalie||natalie2k9||natalja||national||nationwide||nattil||natural||nature||natwest||naughty||nauseous||nav||navigate||nbme||nd||ndship||near||nearby||nearer||nearly||necesity||necessarily||necessary||necessity||neck||necklace||ned||need||needa||needed||needing||needle||needy||neekunna||neft||negative||neglect||neglet||neighbor||neighbour||neither||nelson||neo69||nervous||neshanth||net||netcollex||netflix||nething||netun||netvision||network||networking||neva||nevamind||never||nevering||neville||nevr||new||neway||newest||newport||newquay||news||newscaster||newsletter||newspaper||next||ni8||nic||nice||nichols||nick||nickey||nicky||nig||nigeria||nigh||night||nighters||nightnight||nigpun||nigro||nike||nikiyu4||nimbomsons||nimya||ninish||nino||nipost||nit||nite||nitro||nitros||nitw||nitz||njan||nmde||no||no1||nobbing||nobody||noe||noi||noice||noise||noisy||nok||nokia||nokia6600||nokia6650||nokias||noline||non||noncomittal||none||nonetheless||nookii||noon||nooooooo||noooooooo||nope||nora||norcorp||nordstrom||norm||norm150p||normal||normally||north||northampton||nose||nosh||nosy||not||note||notebook||nothin||nothing||notice||notification||notified||notixiquating||nottingham||notxt||noun||novelty||november||now||now1||nowadays||nowhere||noworriesloans||nr31||nri||nt||nte||ntimate||ntt||ntwk||nuclear||nudist||nuerologist||num||number||nurse||nursery||nurungu||nus||nusstu||nuther||nutter||nver||nvm||nvq||nxt||ny||nyc||nydc||nyt||nytho||nìte||o2||o2fwd||oath||obedient||obese||obey||objection||oble||oblisingately||oblivious||obviously||occasion||occupied||occupy||occur||occurs||ocean||oclock||october||odalebeku||odi||of||ofcourse||offc||offcampus||offdam||offense||offer||offered||offering||office||officer||official||officially||offline||ofice||ofsi||ofstuff||often||oga||ogunrinde||oic||oil||oja||ok||okay||okday||okden||okey||okie||okies||okmail||okors||ola||olage||olave||olayiwola||old||oli||ollu||olol||olowoyey||olympics||omg||omw||on||onam||onbus||oncall||ondu||one||ones||oni||onion||online||onluy||only||only1more||onlyfound||onto||onum||onwards||onwords||ooh||oooh||oooooh||ooooooh||oops||open||opened||opener||openin||opening||operate||operator||opinion||opponenter||opportunity||opposed||opposite||opps||opt||opted||optimistic||optin||option||optout||or||or2optout||or2stoptxt||oral||orange||orc||orchard||order||ordered||ordinator||ore||oredi||oreo||org||organise||organizer||orh||orig||original||orno||ortxt||oru||oscar||oso||otbox||other||others||otherwise||othrs||othrwise||otside||ouch||our||ourbacks||out||outage||outbid||outdoors||outfit||outfor||outgoing||outl8r||outrageous||outreach||outside||outsider||outsomewhere||outstanding||outta||ovarian||oveable||over||overa||overdid||overdose||overemphasise||overheating||overtime||ovr||ovulate||ovulation||ow||owe||owed||owl||owned||owns||owo||oxygen||oyea||oyster||oz||pa||pace||pack||package||packing||padhe||page||pages||pai||paid||pain||painful||paining||painting||pair||pale||palm||pan||panalam||panasonic||pandy||panic||panicks||panren||pansy||pant||panther||panty||pap||papa||paper||paperwork||paracetamol||parachute||parade||paragon||paragraph||paranoid||parantella||parchi||parco||parent||paris||parish||park||parked||parkin||parking||part||participate||particular||particularly||partner||partnership||party||paru||pas||pass||passable||passed||passion||passionate||passport||password||past||pataistha||patent||path||pathaya||patient||patrick||pattern||patty||paul||pause||pavanaputra||pax||pay||payasam||payback||payed||payed2day||payee||paying||payment||payoh||paypal||pc1323||pdate_now||peace||peaceful||peach||peak||pear||pee||peep||pehle||pei||pen||pendent||pending||penis||penny||people||per||percent||percentage||perf||perfect||perform||performance||performed||perfume||perhaps||peril||period||peripheral||permanent||permission||perpetual||persevered||persian||persolvo||person||person2die||personal||personality||personally||persons||perspective||pert||perumbavoor||pesky||pest||pete||petexxx||petey||petrol||petticoatdreams||pg||ph||pharmacy||phasing||phb1||phd||phews||phil||philosophical||philosophy||phne||phoenix||phone||phone750||phonebook||phoned||phony||photo||photoshop||php||phrase||phyhcmk||physic||piah||pic||pick||picked||picking||pickle||picsfree1||picture||pie||piece||pierre||pig||piggy||pilate||pile||pillow||pimple||pimples||pin||pink||pint||pisces||piss||pissed||pist||pity||pix||pixel||pizza||place||placed||placement||plaid||plan||plane||planet||planettalkinstant||planned||planning||plate||platt||play||played||player||playin||playing||playng||plaza||pleasant||please||pleased||pleassssssseeeeee||pleasure||pleasured||plenty||plm||ploughing||pls||plum||plumber||plumbing||plural||plus||plyr||plz||pm||pmt||po19||pobox||pobox1||pobox114||pobox12n146tf15||pobox12n146tf150p||pobox202||pobox334||pobox36504w45wq||pobox365o4w45wq||pobox45w2tg150p||pobox75ldns7||pobox84||poboxox36504w45wq||pocay||pocked||pocket||pocketbabe||pocy||pod||poem||poet||point||poker||poking||pokkiri||pole||police||politician||polo||poly||poly3||polyc||polyh||polyph||polyphonic||polys||pongal||ponnungale||poo||pooja||pookie||pool||poop||poor||poorly||poortiyagi||pop||popcorn||popped||popping||porn||porridge||port||portal||portege||portion||pos||pose||posh||posible||position||positive||possession||possessive||possessiveness||possibility||possible||possibly||post||postal||postcard||postcode||posted||posting||postponed||posts||potato||potential||potter||pouch||pound||pounded||poured||pours||pouts||power||powerful||poyyarikatur||ppl||pple||ppm||ppm150||ppt150x3||prabha||prabu||pract||practical||practice||practicing||practicum||practising||praise||prakasam||prakasamanu||prakesh||praps||prasad||prasanth||prashanthettan||praveesh||pray||prayer||praying||prayrs||pre||predict||predicte||predicting||prediction||predictive||prefer||preferably||prem||premarica||premier||premium||prepaid||prepare||prepared||prepayment||preponed||preschoolco||prescribed||prescripiton||prescription||presence||present||president||presley||presnts||press||pressies||pressure||prestige||pretend||pretsorginta||pretsovru||pretty||prevent||preview||previous||previously||prey||price||pride||priest||prin||prince||princess||print||printed||printer||printing||prior||priority||priscilla||privacy||private||prix||priya||prize||prizeawaiting||prizeswith||pro||prob||probably||problem||problematic||problms||problum||probpop||probs||probthat||process||processed||prod||product||prof||professional||professor||profile||profit||program||progress||project||prolly||prometazine||prominent||promise||promised||promo||promoting||promotion||prompt||promptly||prone||proof||proove||prop||proper||properly||property||propose||propsd||prospect||protect||prove||proverb||provided||provider||providing||province||proze||prsn||ps3||pshew||psp||psxtra||psychiatrist||psychic||psychologist||pt2||ptbo||pthis||pub||public||publish||pudunga||pull||pulling||pump||punch||punish||punishment||punj||punto||puppy||pura||purchase||pure||purity||purple||purpose||purse||push||pushbutton||pushes||pussy||put||puttin||putting||puzzeles||puzzle||px3748||qatar||qbank||qet||qing||qjkgighjjgcbl||qlynnbv||quality||quarter||que||queen||query||ques||question||questioned||quick||quickly||quiet||quit||quite||quiteamuzing||quitting||quiz||quizclub||quote||quoting||r836||racal||racing||radiator||radio||raed||rael||raglan||rahul||raiden||railway||rain||raining||raise||raised||raj||raja||raji||rajini||rajitha||rajnikant||rakhesh||raksha||rally||ralphs||ramaduth||ramen||ran||random||randomlly||randomly||randy||rang||range||ranjith||ranju||raping||rat||rate||rather||ratio||raviyog||rawring||ray||rayan||rayman||rcb||rcd||rct||rcv||rcvd||rdy||re||reach||reache||reached||reaching||reacting||reaction||read||reader||readiness||reading||ready||real||real1||realise||realised||realising||reality||realize||realized||realizes||really||reallyneed||realy||reapply||rearrange||reason||reasonable||reassurance||reassuring||rebel||reboot||rebooting||rebtel||rec||recd||receipt||receipts||receive||receivea||received||receiving||recent||recently||reception||recession||recharge||recharged||recieve||reckon||recognise||recognises||record||recorded||recorder||recount||recovery||recpt||recreation||recycling||red||redeemable||redeemed||reduce||ree||ref||reference||references||referin||reffering||refilled||reflection||reflex||reformat||refreshed||refund||refunded||refused||reg||regalportfolio||regard||regarding||register||registered||registration||regret||regretted||regular||rejected||related||relation||relationship||relative||relax||relaxing||released||reliant||relieved||religiously||relocate||reltnship||rem||remain||remains||remb||remember||remembered||rememberi||remembr||remembrs||remind||reminded||reminder||reminding||reminds||remixed||removal||remove||removed||rencontre||renewal||renewed||renewing||rent||rental||renting||rentl||rents||repair||repeat||repeating||repent||replace||replacement||replacing||replied||reply||replying||replys150||report||reppurcussions||representative||republic||request||require||required||requirement||requires||research||resend||resent||reservation||reserve||reserved||reset||residency||resizing||reslove||resolution||resolved||resort||respect||respectful||responce||respond||responding||response||responsibility||responsible||rest||restaurant||restock||restocked||restrict||restriction||resubbing||resubmit||result||resume||resuming||retard||retired||retrieve||return||returned||returning||reunion||reveal||revealed||revealing||reverse||review||revision||reward||rewarding||rg21||rgds||rgent||rhode||rhythm||rice||rich||riddance||ridden||ride||right||rightio||rightly||riley||rimac||ring||ringing||ringtone||ringtoneking||ringtones||rinu||rip||ripped||rise||risk||rite||ritten||river||road||roast||rob||robinson||robs||rock||rocking||rodds1||rodger||rofl||roger||role||rolled||roller||romantic||romcapspam||ron||room||roomate||roommate||rose||rough||round||rounder||route||row||rowdy||royal||rp176781||rpl||rply||rr||rs||rstm||rt||rtf||rtm||rto||rub||rubber||rude||rudi||rugby||ruin||ruining||rule||rum||rumbling||rummer||rumour||run||running||rupaul||rush||rushing||ruthful||rvx||rwm||ryan||ryder||s3xy||s89||sabarish||sac||sachin||sack||sacked||sacrifice||sad||sae||saeed||safe||safely||safety||sagamu||saibaba||said||sake||salad||salam||salary||sale||sales||salesman||sall||salmon||salon||salt||sam||samachara||samantha||sambar||same||samus||sandiago||sane||sang||sankatmochan||sankranti||santa||santacalling||sao||sapna||sar||sara||sarasota||sarcasm||sarcastic||saristar||sariyag||sary||sashimi||sat||satanic||sathy||sathya||satisfied||satisfy||satsgettin||satthen||saturday||saucy||sausage||savamob||save||saved||saving||saw||say||sayhey||sayin||saying||sayy||scallies||scammer||scarcasim||scared||scary||scenario||scenery||sch||schedule||school||science||scold||scool||scorable||score||scoring||scotch||scotland||scotsman||scouse||scraped||scrappy||scratch||scratching||scream||screamed||screaming||screen||screwd||scrounge||scrumptious||sculpture||sd||sday||sdryb8i||sea||search||searching||season||seat||sec||second||secondary||secret||secretary||secretly||section||secure||secured||sed||see||seed||seeing||seeker||seeking||seem||seemed||seems||seen||sef||seh||sehwag||seing||select||selected||selection||self||selfindependence||selfish||selflessness||sell||selling||sem||semester||semi||semiobscure||sen||send||sender||sending||sends||senor||senrd||sense||senses||sensible||sensitive||sent||sentence||senthil||sentiment||seperated||sept||september||serena||series||serious||seriously||served||server||service||serving||servs||set||setting||settle||settled||settling||seven||seventeen||several||sex||sexiest||sextextuk||sexual||sexy||sexychat||sez||sg||sha||shade||shadow||shag||shagged||shah||shahjahan||shakara||shake||shakespeare||shaking||shall||shame||shampain||shangela||shanghai||shanil||shant||shaping||share||shared||sharing||shattered||shaved||shb||shd||she||sheet||sheffield||shelf||shell||sherawat||shes||shesil||shexy||shhhhh||shifad||shijas||shijutta||shinco||shindig||shining||shiny||ship||shipped||shipping||shirt||shit||shite||shitin||shitinnit||shitload||shitstorm||shivratri||shld||shldxxxx||shock||shocking||shoe||shola||shoot||shop||shoppin||shopping||shoranur||shore||short||shortage||shortbreaks||shortcode||shorter||shortly||shot||shoul||shoulder||shouted||shouting||shove||shoving||show||showed||shower||showered||showing||showr||showroom||shracomorsglsuplt||shrek||shrink||shrub||shsex||shu||shud||shudvetold||shuhui||shun||shut||shy||si||sian||sib||sic||sick||sickness||side||sigh||sighs||sight||sign||signal||significance||significant||signin||signing||siguviri||silence||silent||silently||silly||silver||sim||simonwatson5120||simple||simpler||simply||simpson||simulate||since||sinco||sindu||sing||singapore||singing||single||sink||sip||sipix||sips||sir||sirji||sister||sit||site||sitll||sitter||sittin||sitting||situation||siva||six||size||sized||sk3||sk38xh||skateboarding||skilgme||skill||skillgame||skin||skinny||skint||skip||skirt||sky||skye||skype||skyped||skyving||slaaaaave||slacking||slap||slave||sleep||sleepin||sleeping||sleepingwith||sleepwell||sleepy||slept||slice||slide||sliding||slightly||slip||slipper||slippery||slo||slob||slot||slovely||slow||slower||slowing||slowly||slp||slurp||smacks||small||smaller||smart||smartcall||smarter||smash||smashed||smear||smell||smeone||smidgin||smile||smiled||smiles||smiley||smiling||smith||smoke||smoked||smokin||smoking||smoothly||sms||smsco||smsing||smsrewards||smsservices||smth||snake||snap||snappy||snatch||snd||sneham||snickering||snogs||snoring||snot||snow||snowball||snowboarding||snowman||snuggles||so||soc||sochte||social||sofa||soft||software||soil||soiree||sol||soladha||sold||solihull||solve||solved||some1||somebody||someday||someone||someonone||someplace||somerset||sometext||somethin||something||sometime||sometimes||sometme||somewhat||somewhere||somewheresomeone||somewhr||somone||somtimes||sonathaya||sonetimes||song||sony||sonyericsson||soo||soon||sooner||soonlots||sooo||soooo||sooooo||sophas||sore||sorrow||sorrows||sorry||sort||sorta||sorted||sorting||sory||soryda||soul||sound||sounding||sounds||soundtrack||soup||source||south||southern||souveniers||soz||sozi||space||spacebucks||spageddies||spain||spam||spanish||spare||spark||sparkling||spatula||speak||speaking||spec||special||speciale||specialisation||specialise||specially||specific||specify||speechless||speed||speedchat||speeding||speling||spell||spelled||spelling||spend||spending||spent||sphosting||spice||spider||spiffing||spile||spin||spinout||spiral||spirit||spiritual||spjanuary||spk||spl||splash||splashmobile||splat||splendid||split||splleing||spoil||spoiled||spoilt||spoke||spoken||sponsor||spontaneously||spook||spoon||sporadically||sport||sportsx||spose||spot||spotty||spouse||sppok||spreadsheet||spree||spring||sprint||sptv||spun||spy||sq825||squatting||squeeeeeze||squeezed||squid||squishy||srsly||srt||sry||stability||stable||stadium||staff||stage||stagwood||stair||stalk||stalking||stamp||stamped||stand||standard||standing||stapati||star||starer||staring||starring||starshine||start||started||starting||starve||starving||starwars3||stash||stated||statement||station||status||stay||stayed||stayin||staying||std||stdtxtrate||steak||steal||stealing||steam||steamboat||steed||steering||step||stereo||stereophonics||sterling||sterm||steve||stewartsize||steyn||sth||stick||sticky||stifled||stil||still||stink||stitch||stock||stocked||stockport||stolen||stomach||stomps||stone||stoner||stool||stop||stop2||stop2stop||stopbcm||stopcost||stopcs||stopped||stopsms||stoptxtstop||store||storming||story||str||str8||straight||strain||strange||stranger||stream||street||stress||stressed||stressful||stressfull||stretch||strewn||strict||strike||string||strip||stripe||stroke||strong||strongly||strt||strtd||struggling||sts||stu||stubborn||stuck||studdying||student||studentfinancial||studio||study||studying||studyn||stuff||stuff42moro||stuffed||stuffing||stunning||stupid||style||styling||stylish||stylist||sub||subject||subletting||submitted||submitting||subpoly||subs16||subscribe||subscribe6gbp||subscribed||subscriber||subscription||subscriptn3gbp||subscrition||subsequent||subtoitles||success||successful||successfully||suck||sucker||sudden||suddenly||sudn||sue||suffer||suffering||suffers||sufficient||sugababes||suganya||sugar||sugardad||suggest||suggestion||suit||suite||suite342||suitemates||sullivan||sum||sum1||suman||sumfing||summer||summon||sumthin||sun||sun0819||sunday||sundayish||sunlight||sunny||sunoco||sunroof||sunscreen||sunshine||suntec||sup||super||superb||superior||supervisor||suply||supose||supplier||supply||support||suppose||supposed||supreme||suprman||sura||sure||surely||surf||surfing||surgical||surly||surname||surprise||surprised||surrender||surrounded||survey||surya||sutra||sux||suzy||svc||sw7||sw73ss||swalpa||swan||swann||swap||swashbuckling||swat||swatch||sway||swayze||swear||sweater||sweatter||sweet||sweetest||sweetheart||sweetie||swell||swhrt||swimming||swimsuit||swing||swiss||switch||swollen||swoop||swt||swtheart||syd||syllabus||symbol||sympathetic||symptom||synced||syria||syrup||system||t4get2text||t91||ta||table||tablet||tackle||taco||tactful||tactless||tag||tagged||tahan||tai||tait||taj||taka||take||takecare||taken||takin||taking||talent||talk||talkbut||talked||talkin||talking||tall||tallahassee||tallent||tamilnadu||tampa||tank||tantrum||tap||tape||tariff||tarot||tarpon||taste||tasts||tat||tata||tats||tattoo||tau||taught||taunton||tax||taxi||taxless||taxt||taylor||tayseer||tbs||tc||tcr||tddnewsletter||tea||teach||teacher||teaching||team||tear||tease||teasing||tech||technical||technology||tee||teenager||teeth||teju||tel||telediscount||telephone||telephonic||teletext||tell||telling||tellmiss||telly||telphone||telugu||temales||temp||temper||temple||ten||tenant||tendency||tenerife||tensed||tension||teresa||term||terminated||termsapply||ternal||terrible||terrific||terror||terrorist||terry||tescos||tessy||test||testing||tex||texas||texd||text||text82228||textand||textbook||textbuddy||textcomp||texted||textin||texting||textoperator||textpod||texts||tgxxrz||thandiyachu||thangam||thank||thanks||thanks2||thanksgiving||thanku||thankyou||thanx||thanx4||thasa||that||that2worzels||thatmum||thats||the||the4th||theacusations||theater||theatre||thecd||thedailydraw||thekingshead||them||theme||themed||themob||then||thenampet||theoretically||theory||theplace||thepub||there||these||thesedays||thesis||thesmszone||thet||thew||they||theyre||thgt||thia||thin||thing||things||think||thinked||thinkin||thinking||thinkthis||thinl||thirtyeight||thirunelvali||this||thk||thkin||thm||thnk||thnq||thnx||tho||thot||thou||though||thought||thoughts||thousand||thout||thread||threat||threats||three||threw||thriller||throat||throw||throwin||throwing||thrown||thru||tht||thts||thuglyfe||thurs||thursday||thus||thx||thy||tick||ticket||tie||tiempo||tiger||tight||tightly||tigress||tihs||tiime||til||till||tim||time||timi||timin||timing||tiny||tip||tired||tiring||tirunelvai||tirunelvali||tirupur||tissco||title||tiwary||tix||tiz||tke||tkls||tkts||tlk||tlp||tm||tming||tmorow||tmorrow||tmr||tmrw||tms||tmw||tnc||tncs||to||toa||toaday||tobacco||tobed||tocall||toclaim||today||todo||tog||together||tohar||toilet||tok||token||toking||tol||told||toledo||tolerance||tolerat||toll||tom||tomarrow||tome||tomeandsaid||tomo||tomorro||tomorrow||tomorw||ton||tone||tones2u||tones2you||tonexs||tonght||tongued||tonight||tonite||tonsolitusaswell||too||took||tookplace||tool||tooo||toot||tooth||toothpaste||tootsie||top||topic||toplay||topped||toppoly||tor||torch||torrent||tortilla||torture||tosend||toshiba||toss||tot||total||totally||tote||touch||touched||tough||toughest||tour||towards||town||toxic||toyota||track||trackmarque||trade||tradition||traffic||train||trained||training||trainners||tram||tranquility||transaction||transcribing||transfer||transfered||transferred||transfr||transfred||transport||trash||trauma||trav||travel||traveling||travelled||travelling||treacle||treadmill||treasure||treat||treated||treatin||treble||tree||trek||trend||trial||tried||trip||triple||trishul||triumphed||trivia||tron||trouble||troubleshooting||trouser||truble||truck||true||true18||truffle||truly||truro||trust||trusting||truth||try||tryin||trying||tsandcs||tscs||tscs08714740323||tscs087147403231winawk||tsunami||ttyl||tue||tues||tuesday||tui||tuition||tul||tulip||tunde||tune||tunji||turkey||turn||turned||turning||tuth||tv||twat||twelve||twenty||twice||twiggs||twilight||twin||twinks||twittering||two||txt||txt250||txt43||txt82228||txtauction||txtin||txting||txtno||txts||txtstar||txtstop||txttowin||txtx||tyler||type||typical||tyrone||u2moro||uawake||ubandu||ubi||ugadi||ugh||ugo||uhhhhrmm||uin||ujhhhhhhh||uk||ukp||ultimate||ultimately||ultimatum||umma||ummifying||ummma||ummmmmaah||un||unable||unbelievable||unbreakable||unclaimed||uncle||uncomfortable||unconditionally||unconscious||unconsciously||unconvinced||uncountable||uncut||underdtand||understand||understanding||understood||underwear||undrstnd||undrstndng||unemployed||uneventful||unfolds||unfortunately||unfortuntly||unhappiness||unhappy||uni||unicef||uniform||unintentional||unintentionally||unique||unit||united||univ||university||unjalur||unkempt||unknown||unless||unlike||unlimited||unmits||unnecessarily||unni||unrecognized||unredeemed||unsecured||unsold||unspoken||unsub||unsubscribe||unsubscribed||untamed||unusual||up||up4||upcharge||upd8||updat||update||update_now||upgrade||upgrading||upgrdcentre||upload||uploaded||upon||upping||ups||upset||upstairs||upto||uptown||urawinner||ure||urfeeling||urgent||urgently||urgh||urgnt||urgoin||urgran||urination||url||urmom||urn||urself||us||usa||usb||usc||use||used||useful||useless||user||usf||usher||using||usmle||usps||usual||usually||uterus||utter||uttered||uup||uve||uwana||uwant||uworld||vaazhthukkal||vague||vaguely||vale||valentine||valid||valid12hrs||valuable||value||valued||valuing||varaya||vargu||various||varma||varunnathu||vary||vasai||vat||vatian||vava||vco||vday||ve||vega||vegetable||veggie||vehicle||velachery||velly||velusamy||venaam||venugopal||verified||verify||verifying||version||versus||very||vettam||vewy||via||vibrant||vibrate||vibrator||vic||victor||victoria||vid||video||videochat||videophones||videosound||videosounds||view||vijay||vijaykanth||vikky||vilikkam||vill||villa||village||vinobanagar||violated||violence||violet||vip||vipclub4u||virgil||virgin||virtual||visa||visionsms||visit||visiting||visitor||vital||vitamin||viva||vivek||vivekanand||vl||voda||vodafone||vodka||voice||voicemail||voila||volcano||vomit||vomitin||vomiting||vote||voted||vouch4me||voucher||vouchers||vpod||vry||vs||vth||w1||w111wx||w14rg||w1a||w1j||w1j6hl||w1jhl||w1t1jy||w45wq||w8in||wa14||waaaat||wad||wadebridge||wah||wahala||wahay||waheed||waheeda||wahleykkum||waht||wait||waited||waitin||waiting||wake||waking||wale||waliking||walk||walkabout||walked||walkin||walking||wall||wallet||wallpaper||walmart||walsall||wamma||wan||wan2||wana||wannatell||want||want2come||wanted||wanting||wap||waqt||warm||warming||warned||warner||warning||warranty||warwick||washob||wasn||wasnt||waste||wasted||wasting||wat||watch||watched||watchin||watching||watchng||water||watever||watevr||wating||watr||wats||watt||wave||wavering||way||way2sms||waz||wc1n||wc1n3xx||we||weak||weakness||weapon||wear||wearing||weasel||weaseling||weather||web||web2mobile||webadres||webeburnin||webpage||website||wed||weddin||wedding||weddingfriend||wedlunch||wednesday||wee||weed||week||weekday||weekend||weekly||weigh||weighed||weight||weightloss||weird||weirdest||weirdo||weirdy||weiyi||welcome||well||wellda||welp||wen||wendy||wenever||went||wenwecan||wer||were||werebored||werethe||wesley||west||western||westlife||westonzoyland||westshore||wet||wetherspoons||wewa||whassup||what||whatever||whats||whatsup||wheat||wheel||wheellock||when||whenever||whenevr||whens||where||whereare||wherever||wherevr||wherre||whether||whilltake||whispers||white||whn||whoever||whole||whore||whose||whr||why||wicked||wicket||wicklow||wid||widelive||wif||wife||wifi||wihtuot||wikipedia||wil||wild||wildest||wildlife||will||willing||willpower||win||win150ppmx3age16||wind||window||windy||wine||wined||wing||wining||winner||winnersclub||winning||winterstone||wipe||wipro||wire3||wisdom||wise||wish||wisheds||wishin||wishing||wishlist||wiskey||wit||with||withdraw||wither||within||without||witin||witot||witout||wiv||wizzle||wk||wkend||wkent||wkg||wkly||wknd||wks||wlcome||wld||wml||wnevr||wnt||woah||wocay||woke||woken||woman||womdarfull||wondar||wondarfull||wonder||wonderful||wondering||wont||woo||wood||woodland||woohoo||woot||woould||woozles||worc||word||words||work||workage||workand||workin||working||workout||world||worm||worried||worry||worrying||worse||worst||worth||worthless||wot||wotu||wotz||woul||would||woulda||wound||wow||wrc||wrecked||wrench||wrenching||wright||write||writhing||wrk||wrkin||wrking||wrks||wrld||wrnog||wrong||wrongly||wrote||wtc||wtf||wth||wthout||wtlp||wud||wuld||wuldnt||wun||www||wylie||x29||x49||xafter||xam||xavier||xchat||xclusive||xin||xmas||xoxo||xuhui||xx||xxsp||xxuk||xxx||xxxmobilemovieclub||xxxx||xxxxx||xxxxxx||xxxxxxx||xxxxxxxx||xxxxxxxxxxxxxx||y87||ya||yah||yahoo||yalrigu||yalru||yam||yan||yar||yarasu||yard||yavnt||yaxx||yaxxx||yay||yck||yeah||year||yeesh||yeh||yelling||yellow||yelow||yen||yeovil||yep||yer||yes||yest||yesterday||yet||yetty||yetunde||yhl||yifeng||yijue||ymca||yo||yoga||yogasana||yor||yorge||you||youdoing||youi||young||younger||youphone||your||youre||yourinclusive||yourjob||youuuuu||youwanna||yoville||yowifes||yoyyooo||ystrday||ything||yummmm||yummy||yun||yunny||yuo||yuou||yup||yupz||zac||zaher||zealand||zebra||zed||zero||zhong||zindgi||zoe||zogtorius||zoom||zouk||zyada||èn||ú1||〨ud
[[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 0 0 ..., 0 0 0]]

In [33]:
# 6.3.1 朴素贝叶斯法

from sklearn.naive_bayes import MultinomialNB
from sklearn.metrics import confusion_matrix
from sklearn.metrics import classification_report

clf = MultinomialNB().fit(X_train, y_train)
y_nb_predicted = clf.predict(X_test)
print(y_nb_predicted)
print('\n confusion_matrix \n')
#cm = confusion_matrix(y_test, y_pred)
cm = confusion_matrix(y_test, y_nb_predicted)
print(cm)
print('\n Here is the classification report:')
print(classification_report(y_test, y_nb_predicted))

feature_names = vectorizer.get_feature_names()
coefs = clf.coef_
intercept = clf.intercept_
coefs_with_fns = sorted(zip(clf.coef_[0], feature_names))
n = 10
top = zip(coefs_with_fns[:n], coefs_with_fns[:-(n + 1):-1])
for (coef_1, fn_1), (coef_2, fn_2) in top:
    print('\t%.4f\t%-15s\t\t%.4f\t%-15s' %(coef_1, fn_1, coef_2, fn_2))


['ham' 'ham' 'ham' ..., 'ham' 'ham' 'ham']

 confusion_matrix 

[[1443    0]
 [  52  176]]

 Here is the classification report:
             precision    recall  f1-score   support

        ham       0.97      1.00      0.98      1443
       spam       1.00      0.77      0.87       228

avg / total       0.97      0.97      0.97      1671

	-9.0054	15             		-5.9355	free           
	-9.0054	1hr            		-6.1671	txt            
	-9.0054	1st lovely     		-6.2624	text           
	-9.0054	2go            		-6.3697	claim          
	-9.0054	2morrow        		-6.4459	stop           
	-9.0054	2mrw           		-6.4544	mobile         
	-9.0054	2nd inning     		-6.5163	reply          
	-9.0054	2nd sm         		-6.5269	prize          
	-9.0054	30             		-6.5440	service        
	-9.0054	30 want        		-6.5837	tone           

In [34]:
# 6.3.2 决策树
from sklearn import tree
clf = tree.DecisionTreeClassifier().fit(X_train.toarray(), y_train)
y_tree_predicted = clf.predict(X_test.toarray())
print(y_tree_predicted)
print('\n Here is the classification report:')
print(classification_report(y_test, y_tree_predicted))


['ham' 'ham' 'ham' ..., 'ham' 'spam' 'ham']

 Here is the classification report:
             precision    recall  f1-score   support

        ham       0.97      0.98      0.97      1443
       spam       0.87      0.80      0.83       228

avg / total       0.95      0.96      0.95      1671


In [35]:
# 6.3.3 随机梯度下降法
from sklearn.linear_model import SGDClassifier
from sklearn.metrics import confusion_matrix
clf = SGDClassifier(alpha = 0.0001, n_iter=50).fit(X_train, y_train)
y_pred = clf.predict(X_test)
print('\n Here is the classification report:')
print(classification_report(y_test, y_pred))
print(' \n confusion_matrix \n')
cm = confusion_matrix(y_test, y_pred)
print(cm)


 Here is the classification report:
             precision    recall  f1-score   support

        ham       0.99      1.00      0.99      1443
       spam       0.97      0.91      0.94       228

avg / total       0.98      0.98      0.98      1671

 
 confusion_matrix 

[[1436    7]
 [  20  208]]

In [36]:
# 6.3.4 逻辑回归
# 6.3.5 支持向量机
from sklearn.svm import LinearSVC
svm_classifier = LinearSVC().fit(X_train, y_train)
y_svm_predicted = svm_classifier.predict(X_test)
print('\n Here is the classification report:')
print(classification_report(y_test, y_svm_predicted))
cm = confusion_matrix(y_test, y_pred)
print(cm)


 Here is the classification report:
             precision    recall  f1-score   support

        ham       0.98      1.00      0.99      1443
       spam       0.97      0.89      0.93       228

avg / total       0.98      0.98      0.98      1671

[[1436    7]
 [  20  208]]

In [37]:
# 6.4 随机森林
from sklearn.ensemble import RandomForestClassifier
RF_clf = RandomForestClassifier(n_estimators=10).fit(X_train, y_train)
predicted = RF_clf.predict(X_test)
print('\n Here is the classification report:')
print(classification_report(y_test, predicted))
cm = confusion_matrix(y_test, y_pred)
print(cm)


 Here is the classification report:
             precision    recall  f1-score   support

        ham       0.97      1.00      0.98      1443
       spam       0.98      0.80      0.88       228

avg / total       0.97      0.97      0.97      1671

[[1436    7]
 [  20  208]]

In [38]:
# 6.5 文本聚类
# K 均值法
from sklearn.cluster import KMeans, MiniBatchKMeans
from collections import defaultdict
true_k = 5
km = KMeans(n_clusters = true_k, init='k-means++', max_iter=100, n_init= 1)
kmini = MiniBatchKMeans(n_clusters=true_k, init='k-means++', n_init=1, init_size=1000, batch_size=1000, verbose=2)
km_model = km.fit(X_train)
kmini_model = kmini.fit(X_train)
print("For K-mean clustering ")
clustering = defaultdict(list)
for idx, label in enumerate(km_model.labels_):
    clustering[label].append(idx)
print("For K-mean Mini batch clustering ")
clustering = defaultdict(list)
for idx, label in enumerate(kmini_model.labels_):
    clustering[label].append(idx)


Init 1/1 with method: k-means++
Inertia for init 1/1: 963.147701
Minibatch iteration 1/400: mean batch inertia: 0.971154, ewa inertia: 0.971154 
Minibatch iteration 2/400: mean batch inertia: 0.962776, ewa inertia: 0.966859 
Minibatch iteration 3/400: mean batch inertia: 0.966800, ewa inertia: 0.966829 
Minibatch iteration 4/400: mean batch inertia: 0.974211, ewa inertia: 0.970614 
Minibatch iteration 5/400: mean batch inertia: 0.966033, ewa inertia: 0.968265 
Minibatch iteration 6/400: mean batch inertia: 0.962023, ewa inertia: 0.965065 
Minibatch iteration 7/400: mean batch inertia: 0.964243, ewa inertia: 0.964644 
Minibatch iteration 8/400: mean batch inertia: 0.968117, ewa inertia: 0.966424 
Minibatch iteration 9/400: mean batch inertia: 0.964304, ewa inertia: 0.965337 
Minibatch iteration 10/400: mean batch inertia: 0.969753, ewa inertia: 0.967601 
Minibatch iteration 11/400: mean batch inertia: 0.959598, ewa inertia: 0.963498 
Minibatch iteration 12/400: mean batch inertia: 0.960694, ewa inertia: 0.962061 
Minibatch iteration 13/400: mean batch inertia: 0.960136, ewa inertia: 0.961074 
Minibatch iteration 14/400: mean batch inertia: 0.964073, ewa inertia: 0.962612 
Minibatch iteration 15/400: mean batch inertia: 0.967537, ewa inertia: 0.965137 
Minibatch iteration 16/400: mean batch inertia: 0.966070, ewa inertia: 0.965615 
Minibatch iteration 17/400: mean batch inertia: 0.966307, ewa inertia: 0.965970 
Minibatch iteration 18/400: mean batch inertia: 0.958798, ewa inertia: 0.962293 
Minibatch iteration 19/400: mean batch inertia: 0.974503, ewa inertia: 0.968553 
Minibatch iteration 20/400: mean batch inertia: 0.963739, ewa inertia: 0.966085 
Minibatch iteration 21/400: mean batch inertia: 0.955223, ewa inertia: 0.960516 
Minibatch iteration 22/400: mean batch inertia: 0.964030, ewa inertia: 0.962318 
Minibatch iteration 23/400: mean batch inertia: 0.966534, ewa inertia: 0.964479 
Minibatch iteration 24/400: mean batch inertia: 0.960414, ewa inertia: 0.962395 
Minibatch iteration 25/400: mean batch inertia: 0.959469, ewa inertia: 0.960895 
Minibatch iteration 26/400: mean batch inertia: 0.963376, ewa inertia: 0.962167 
Minibatch iteration 27/400: mean batch inertia: 0.961767, ewa inertia: 0.961962 
Minibatch iteration 28/400: mean batch inertia: 0.956419, ewa inertia: 0.959120 
Minibatch iteration 29/400: mean batch inertia: 0.957664, ewa inertia: 0.958373 
Minibatch iteration 30/400: mean batch inertia: 0.963108, ewa inertia: 0.960801 
Minibatch iteration 31/400: mean batch inertia: 0.954683, ewa inertia: 0.957665 
Minibatch iteration 32/400: mean batch inertia: 0.967910, ewa inertia: 0.962917 
Minibatch iteration 33/400: mean batch inertia: 0.967625, ewa inertia: 0.965331 
Minibatch iteration 34/400: mean batch inertia: 0.973508, ewa inertia: 0.969523 
Minibatch iteration 35/400: mean batch inertia: 0.968579, ewa inertia: 0.969039 
Minibatch iteration 36/400: mean batch inertia: 0.964108, ewa inertia: 0.966511 
Minibatch iteration 37/400: mean batch inertia: 0.961170, ewa inertia: 0.963773 
Minibatch iteration 38/400: mean batch inertia: 0.969913, ewa inertia: 0.966921 
Minibatch iteration 39/400: mean batch inertia: 0.955693, ewa inertia: 0.961165 
Minibatch iteration 40/400: mean batch inertia: 0.964737, ewa inertia: 0.962996 
Minibatch iteration 41/400: mean batch inertia: 0.956047, ewa inertia: 0.959433 
Converged (lack of improvement in inertia) at iteration 41/400
Computing label assignment and total inertia
For K-mean clustering 
For K-mean Mini batch clustering 

In [40]:
# 6.6 文本中的主题建模
# https://pypi.python.org/pypi/gensim#downloads
import gensim
from gensim import corpora, models, similarities
from itertools import chain
import nltk
from nltk.corpus import stopwords
from operator import itemgetter
import re
documents = [document for document in sms_data]
stoplist = stopwords.words('english')
texts = [[word for word in document.lower().split() if word not in stoplist] for document in documents]
print(texts)


dictionary = corpora.Dictionary(texts)
corpus = [dictionary.doc2bow(text) for text in texts]
tfidf = models.TfidfModel(corpus)
corpus_tfidf = tfidf[corpus]
lsi = models.LsiModel(corpus_tfidf, id2word = dictionary, num_topics = 100)
# print(lsi.print_topics(20))
n_topics = 5
lda = models.LdaModel(corpus_tfidf, id2word = dictionary, num_topics = n_topics)
for i in range(0, n_topics):
    temp = lda.show_topic(i, 10)
    terms = []
    for term in temp:
        terms.append(str(term[0]))
    print("Top 10 terms for topic #" + str(i) + ": " + ",".join(terms))


[['jurong', 'point', 'crazy..', 'available', 'bugis', 'great', 'world', 'buffet', '...', 'cine', 'got', 'amore', 'wat', '...'], ['lar', '...', 'joking', 'wif', 'oni', '...'], ['free', 'entry', 'wkly', 'comp', 'win', 'cup', 'final', 'tkts', '21st', 'may', '2005', 'text', '87121', 'receive', 'entry', 'question', 'std', 'txt', 'rate', 'apply', '08452810075over18'], ['dun', 'say', 'early', 'hor', '...', 'already', 'say', '...'], ['nah', "n't", 'think', 'go', 'usf', 'life', 'around', 'though'], ['freemsg', 'hey', 'darling', 'week', 'word', 'back', 'like', 'fun', 'still', 'xxx', 'std', 'chgs', 'send', '£1.50', 'rcv'], ['even', 'brother', 'like', 'speak', 'treat', 'like', 'aid', 'patent'], ['per', 'request', "'melle", 'melle', 'oru', 'minnaminunginte', 'nurungu', 'vettam', 'set', 'callertune', 'caller', 'press', 'copy', 'friend', 'callertune'], ['winner', 'valued', 'network', 'customer', 'selected', 'receivea', '£900', 'prize', 'reward', 'claim', 'call', '09061701461', 'claim', 'code', 'kl341', 'valid', 'hour'], ['mobile', 'month', 'entitled', 'update', 'latest', 'colour', 'mobile', 'camera', 'free', 'call', 'mobile', 'update', 'free', '08002986030'], ['gon', 'home', 'soon', "n't", 'want', 'talk', 'stuff', 'anymore', 'tonight', "'ve", 'cried', 'enough', 'today'], ['six', 'chance', 'win', 'cash', '100', '20,000', 'pound', 'txt', 'csh11', 'send', '87575', 'cost', '150p/day', '6days', '16+', 'tsandcs', 'apply', 'reply', 'info'], ['urgent', 'week', 'free', 'membership', '£100,000', 'prize', 'jackpot', 'txt', 'word', 'claim', '81010', 'www.dbuk.net', 'lccltd', 'pobox', '4403ldnw1a7rw18'], ["'ve", 'searching', 'right', 'word', 'thank', 'breather', 'promise', 'wont', 'take', 'help', 'granted', 'fulfil', 'promise', 'wonderful', 'blessing', 'time'], ['date', 'sunday'], ['xxxmobilemovieclub', 'use', 'credit', 'click', 'wap', 'link', 'next', 'txt', 'message', 'click', 'http', '//wap', 'xxxmobilemovieclub.com', 'n=qjkgighjjgcbl'], ['...', 'watching'], ['remember', 'spell', 'name', '...', 'yes', 'naughty', 'make', 'wet'], ['fine', 'that\x92s', 'way', 'feel', 'that\x92s', 'way', 'gota'], ['england', 'macedonia', 'dont', 'miss', 'goals/team', 'news', 'txt', 'national', 'team', '87077', 'england', '87077', 'try', 'wale', 'scotland', '4txt/ú1.20', 'poboxox36504w45wq', '16+'], ['seriously', 'spell', 'name'], ['going', 'try', 'month', 'joking'], ['pay', 'first', 'lar', '...', 'stock', 'comin', '...'], ['aft', 'finish', 'lunch', 'str', 'lor', 'ard', 'smth', 'lor', 'finish', 'lunch', 'already'], ['ffffffffff', 'alright', 'way', 'meet', 'sooner'], ['forced', 'eat', 'slice', 'really', 'hungry', 'tho', 'suck', 'mark', 'getting', 'worried', 'know', 'sick', 'turn', 'pizza', 'lol'], ['lol', 'always', 'convincing'], ['catch', 'bus', 'frying', 'egg', 'make', 'tea', 'eating', 'mom', 'left', 'dinner', 'feel', 'love'], ['back', 'amp', "'re", 'packing', 'car', "'ll", 'let', 'know', 'room'], ['ahhh', 'work', 'vaguely', 'remember', 'feel', 'like', 'lol'], ['wait', 'still', 'clear', 'sure', 'sarcastic', "n't", 'want', 'live'], ['yeah', 'got', 'apologetic', 'fallen', 'actin', 'like', 'spoilt', 'child', 'got', 'caught', 'till', "n't", 'badly', 'cheer'], ['tell', 'anything'], ['fear', 'fainting', 'housework', 'quick', 'cuppa'], ['thanks', 'subscription', 'ringtone', 'mobile', 'charged', '£5/month', 'please', 'confirm', 'replying', 'yes', 'reply', 'charged'], ['yup', '...', 'home', 'look', 'timing', 'msg', '...', 'xuhui', 'going', 'learn', '2nd', 'may', 'lesson', '8am'], ['oops', "'ll", 'let', 'know', 'roommate', 'done'], ['see', 'letter', 'car'], ['anything', 'lor', '...', 'decide', '...'], ['hello', 'saturday', 'texting', 'see', 'decided', 'anything', 'tomo', 'trying', 'invite', 'anything'], ['pls', 'ahead', 'watt', 'wanted', 'sure', 'great', 'weekend', 'abiola'], ['forget', 'tell', 'want', 'need', 'crave', '...', '...', 'love', 'sweet', 'arabian', 'steed', '...', 'mmmmmm', '...', 'yummy'], ['07732584351', 'rodger', 'burn', 'msg', 'tried', 'call', 'reply', 'sm', 'free', 'nokia', 'mobile', 'free', 'camcorder', 'please', 'call', '08000930705', 'delivery', 'tomorrow'], ['seeing'], ['great', 'hope', 'like', 'man', 'well', 'endowed', 'inch', '...'], ['calls..messages..missed', 'call'], ["n't", 'get', 'hep', 'immunisation', 'nigeria'], ['fair', 'enough', 'anything', 'going'], ['yeah', 'hopefully', 'tyler', "n't", 'could', 'maybe', 'ask', 'around', 'bit'], ["n't", 'know', 'stubborn', "n't", 'even', 'want', 'hospital', 'kept', 'telling', 'mark', 'weak', 'sucker', 'hospital', 'weak', 'sucker'], ['thinked', 'first', 'time', 'saw', 'class'], ['gram', 'usually', 'run', 'like', 'half', 'eighth', 'smarter', 'though', 'get', 'almost', 'whole', 'second', 'gram'], ['fyi', 'ride', 'early', 'tomorrow', 'morning', 'crashing', 'place', 'tonight'], ['wow', 'never', 'realized', 'embarassed', 'accomodations', 'thought', 'liked', 'since', 'best', 'could', 'always', 'seemed', 'happy', 'cave', 'sorry', "n't", "n't", 'give', 'sorry', 'offered', 'sorry', 'room', 'embarassing'], ['sm', 'sptv', 'new', 'jersey', 'devil', 'detroit', 'red', 'wing', 'play', 'ice', 'hockey', 'correct', 'incorrect', 'end', 'reply', 'end', 'sptv'], ['know', 'mallika', 'sherawat', 'yesterday', 'find', 'url'], ['congrats', 'year', 'special', 'cinema', 'pas', 'call', '09061209465', 'suprman', 'matrix3', 'starwars3', 'etc', 'free', 'bx420-ip4-5we', '150pm', 'dont', 'miss'], ['sorry', "'ll", 'call', 'later', 'meeting'], ['tell', 'reached'], ['yes..gauti', 'sehwag', 'odi', 'series'], ['gon', 'pick', 'burger', 'way', 'home', "n't", 'even', 'move', 'pain', 'killing'], ['good', 'joke', 'girl', 'situation', 'seeker'], ['part', 'checking'], ['sorry', 'roommate', 'took', 'forever', 'come'], ['lar', 'double', 'check', 'wif', 'hair', 'dresser', 'already', 'said', 'wun', 'cut', 'short', 'said', 'cut', 'look', 'nice'], ['valued', 'customer', 'pleased', 'advise', 'following', 'recent', 'review', 'mob', 'awarded', '£1500', 'bonus', 'prize', 'call', '09066364589'], ['today', 'song', 'dedicated', 'day..', 'song', 'dedicate', 'send', 'valuable', 'frnds', 'first', 'rply', '...'], ['urgent', 'awarded', 'complimentary', 'trip', 'eurodisinc', 'trav', 'aco', 'entry41', '£1000', 'claim', 'txt', 'dis', '87121', '18+6*£1.50', 'morefrmmob', 'shracomorsglsuplt', 'ls1', '3aj'], ['hear', 'new', 'divorce', 'barbie', 'come', 'ken', 'stuff'], ['plane', 'give', 'month', 'end'], ['wah', 'lucky', 'man', '...', 'save', 'money', '...', 'hee', '...'], ['finished', 'class'], ['babe', 'home', 'wan', 'something'], ['k..k', 'performed'], ['call', '...'], ['waiting', 'machan', 'call', 'free'], ['thats', 'cool', 'gentleman', 'treat', 'dignity', 'respect'], ['like', 'people', 'much', 'shy'], ['doe', 'operate'], ['still', 'looking', 'job', 'much', 'earn'], ['sorry', "'ll", 'call', 'later'], ['call'], ['way', 'home'], ['place', 'man'], ['yup', 'next', 'stop'], ['call', 'later', "n't", 'network', 'urgnt', 'sm'], ['real', 'getting', 'need', 'ticket', 'one', 'jacket', 'done', 'already', 'used', 'multis'], ['yes', 'started', 'send', 'request', 'make', 'pain', 'came', 'back', 'back', 'bed', 'double', 'coin', 'factory', 'got', 'cash', 'nitros'], ['really', 'still', 'tonight', 'babe'], ['ela', 'kano.', 'download', 'come', 'wen', 'free..'], ['yeah', 'stand', 'close', 'tho-', 'catch', 'something'], ['sorry', 'pain', 'meet', 'another', 'night', 'spent', 'late', 'afternoon', 'casualty', 'mean', "n't", 'done', 'stuff42moro', 'includes', 'time', 'sheet', 'sorry'], ['smile', 'pleasure', 'smile', 'pain', 'smile', 'trouble', 'pours', 'like', 'rain', 'smile', 'sum1', 'hurt', 'smile', 'becoz', 'someone', 'still', 'love', 'see', 'smiling'], ['please', 'call', 'customer', 'service', 'representative', '0800', '169', '6031', '10am-9pm', 'guaranteed', '£1000', 'cash', '£5000', 'prize'], ['havent', 'planning', 'buy', 'later', 'check', 'already', 'lido', 'got', '530', 'show', 'afternoon', 'finish', 'work', 'already'], ['free', 'ringtone', 'waiting', 'collected', 'simply', 'text', 'password', 'mix', '85069', 'verify', 'get', 'usher', 'britney', 'fml', 'box', '5249', 'mk17', '92h', '450ppw'], ['watching', 'telugu', 'movie..wat', 'abt'], ['see', 'finish', 'load', 'loan', 'pay'], ['hols', 'yes', 'bit', 'run', 'forgot', 'hairdresser', 'appointment', 'four', 'need', 'get', 'home', 'shower', 'beforehand', 'doe', 'cause', 'prob'], ['see', 'cup', 'coffee', 'animation'], ['please', "n't", 'text', 'anymore', 'nothing', 'else', 'say'], ['okay', 'name', 'price', 'long', 'legal', 'wen', 'pick', 'ave'], ['still', 'looking', 'car', 'buy', 'gone', '4the', 'driving', 'test', 'yet'], ['per', 'request', "'melle", 'melle', 'oru', 'minnaminunginte', 'nurungu', 'vettam', 'set', 'callertune', 'caller', 'press', 'copy', 'friend', 'callertune'], ['wow', "'re", 'right', "n't", 'mean', 'guess', 'gave', 'boston', 'men', 'changed', 'search', 'location', 'nyc', 'something', 'changed', 'cuz', 'signin', 'page', 'still', 'say', 'boston'], ['umma', 'life', 'vava', 'umma', 'love', 'lot', 'dear'], ['thanks', 'lot', 'wish', 'birthday', 'thanks', 'making', 'birthday', 'truly', 'memorable'], ['aight', "'ll", 'hit', 'get', 'cash'], ['would', 'address', 'test', 'considering', 'computer', "n't", 'minecraft', 'server'], ['know', 'grumpy', 'old', 'people', 'mom', 'like', 'better', 'lying', 'always', 'one', 'play', 'joke', '...'], ['dont', 'worry', 'guess', 'busy'], ['plural', 'noun', 'research'], ['going', 'dinner.msg'], ['wif', 'co', 'like', 'try', 'new', 'thing', 'scared', 'dun', 'like', 'mah', 'co', 'said', 'loud'], ['gent', 'trying', 'contact', 'last', 'weekend', 'draw', 'show', '£1000', 'prize', 'guaranteed', 'call', '09064012160', 'claim', 'code', 'k52', 'valid', '12hrs', '150ppm'], ['openin', 'sentence', 'formal', '...', 'anyway', 'fine', 'juz', 'eatin', 'much', 'puttin', 'weight', '...', 'haha', '...', 'anythin', 'special', 'happened'], ['entered', 'cabin', 'said', 'happy', "b'day", 'bos', 'felt', 'special', 'askd', 'lunch', 'lunch', 'invited', 'apartment', 'went'], ['winner', 'specially', 'selected', 'receive', '£1000', 'holiday', 'flight', 'inc', 'speak', 'live', 'operator', 'claim', '0871277810910p/min', '18+'], ['goodo', 'yes', 'must', 'speak', 'friday', 'egg-potato', 'ratio', 'tortilla', 'needed'], ['hmm', '...', 'uncle', 'informed', 'paying', 'school', 'directly', 'pls', 'buy', 'food'], ['private', '2004', 'account', 'statement', '07742676969', 'show', '786', 'unredeemed', 'bonus', 'point', 'claim', 'call', '08719180248', 'identifier', 'code', '45239', 'expires'], ['urgent', 'mobile', 'awarded', '£2000', 'bonus', 'caller', 'prize', '5/9/03', 'final', 'try', 'contact', 'call', 'landline', '09064019788', 'box42wr29c', '150ppm'], ['new', 'address', '-apples', 'pair', 'malarky'], ['today', 'voda', 'number', 'ending', '7548', 'selected', 'receive', '350', 'award', 'match', 'please', 'call', '08712300220', 'quoting', 'claim', 'code', '4041', 'standard', 'rate', 'app'], ['going', 'sao', 'today', 'done'], ['predict', 'wat', 'time', "'ll", 'finish', 'buying'], ['good', 'stuff'], ['know', 'yetunde', "n't", 'sent', 'money', 'yet', 'sent', 'text', 'bother', 'sending', 'dont', 'involve', 'anything', "n't", 'imposed', 'anything', 'first', 'place', 'apologise'], ['room'], ['hey', 'girl', 'hope', 'well', 'del', 'bak', 'long', 'time', 'give', 'call', 'sum', 'time', 'lucyxx'], ['k..k', 'much', 'cost'], ['home'], ['dear', 'call', 'tmorrow.pls', 'accomodate'], ['first', 'answer', 'question'], ['sunshine', 'quiz', 'wkly', 'win', 'top', 'sony', 'dvd', 'player', 'know', 'country', 'algarve', 'txt', 'ansr', '82277', '£1.50', 'tyrone'], ['want', 'get', 'laid', 'tonight', 'want', 'real', 'dogging', 'location', 'sent', 'direct', 'mob', 'join', 'largest', 'dogging', 'network', 'txting', 'gravel', '69888', 'ec2a', '31p.msg', '150p'], ['haf', 'msn', 'yijue', 'hotmail.com'], ['call', 'meet'], ['check', 'room', 'befor', 'activity'], ["'ll", 'rcv', 'msg', 'chat', 'svc', 'free', 'hardcore', 'service', 'text', '69988', 'get', 'nothing', 'must', 'age', 'verify', 'network', 'try'], ['got', '...', 'lazy', 'type', '...', 'forgot', 'lect', '...', 'saw', 'pouch', 'like', 'nice', '...'], ['text', "'re", 'way'], ['sir', 'waiting', 'mail'], ['swt', 'thought', 'nver', 'get', 'tired', 'little', 'thing', 'lovable', 'persons..', 'coz..somtimes', 'little', 'thing', 'occupy', 'biggest', 'part', 'hearts..', 'gud', 'ni8'], ['know', 'pls', 'open', 'back'], ['yes', 'see', 'dot'], ['whats', 'staff', 'name', 'taking', 'class'], ['freemsg', "n't", 'replied', 'text', 'randy', 'sexy', 'female', 'live', 'local', 'luv', 'hear', 'netcollex', 'ltd', '08700621170150p', 'per', 'msg', 'reply', 'stop', 'end'], ['ummma.will', 'call', 'check', 'in.our', 'life', 'begin', 'qatar', 'pls', 'pray', 'hard'], ['k..i', 'deleted', 'contact'], ['sindu', 'got', 'job', 'birla', 'soft'], ['wine', 'flowing', 'nevering..'], ['yup', 'thk', 'cine', 'better', 'co', 'need', 'plaza', 'mah'], ['...', 'typical', 'reply', '...'], ['per', 'request', "'melle", 'melle', 'oru', 'minnaminunginte', 'nurungu', 'vettam', 'set', 'callertune', 'caller', 'press', 'copy', 'friend', 'callertune'], ['everywhere', 'dirt', 'floor', 'window', 'even', 'shirt', 'sometimes', 'open', 'mouth', 'come', 'flowing', 'dream', 'world', 'without', 'half', 'chore', 'time', 'joy', 'lot', 'show', 'i.ll', 'see', 'guess', 'like', 'thing', 'must', 'exist', 'like', 'rain', 'hail', 'mist', 'time', 'done', 'become', 'one'], ['aaooooright', 'work'], ['leaving', 'house', '...'], ['hello', 'love', 'get', 'interview', 'today', 'happy', 'good', 'boy', 'think', 'missing'], ['customer', 'service', 'annoncement', 'new', 'year', 'delivery', 'waiting', 'please', 'call', '07046744435', 'arrange', 'delivery'], ['winner', 'specially', 'selected', 'receive', '£1000', 'cash', 'holiday', 'flight', 'inc', 'speak', 'live', 'operator', 'claim', '0871277810810'], ['keep', 'safe', 'need', 'miss', 'already', 'envy', 'everyone', 'see', 'real', 'life'], ['new', 'car', 'house', 'parent', 'new', 'job', 'hand'], ['love', 'excited', 'day', 'spend', 'make', 'happy'], ['-pls', 'stop', 'bootydelious', '32/f', 'inviting', 'friend', 'reply', 'yes-434', 'no-434', 'see', 'www.sms.ac/u/bootydelious', 'stop', 'send', 'stop', 'frnd', '62468'], ['bangbabes', 'order', 'way', 'receive', 'service', 'msg', 'download', 'content', 'goto', 'wap', 'bangb', 'mobile', 'internet/service', 'menu'], ['place', 'point', 'culture', 'module', 'already'], ['urgent', 'trying', 'contact', 'last', 'weekend', 'draw', 'show', '£900', 'prize', 'guaranteed', 'call', '09061701939', 'claim', 'code', 's89', 'valid', '12hrs'], ['frnd', 'best', 'way', 'avoid', 'missunderstding', 'wit', 'beloved', 'one'], ['great', 'escape', 'fancy', 'bridge', 'need', 'lager', 'see', 'tomo'], ['yes', 'completely', 'form', 'clark', 'also', 'utter', 'waste'], ['sir', 'need', 'axis', 'bank', 'account', 'bank', 'address'], ['hmmm..', 'thk', 'sure', 'got', 'time', 'hop', 'ard', '...', 'free', 'abt', '...', 'muz', 'call', 'discus', 'liao', '...'], ['time', 'coming', 'later'], ['bloody', 'hell', 'cant', 'believe', 'forgot', 'surname', 'ill', 'give', 'clue', 'spanish', 'begin', '...'], ['well', 'gon', 'finish', 'bath', 'good', '...', 'fine', 'night'], ['let', 'know', "'ve", 'got', 'money', 'carlos', 'make', 'call'], ['still', 'going', 'mall'], ['turn', 'friend', 'staying', 'whole', 'show', "n't", 'back', 'til', 'feel', 'free', 'ahead', 'smoke', 'worth'], ['text', 'doesnt', 'reply', 'let', 'know', 'log'], ['spoke', 'maneesha', 'like', 'know', 'satisfied', 'experience', 'reply', 'toll', 'free', 'yes'], ['lifted', 'hope', 'offer', 'money', 'need', 'especially', 'end', 'month', 'approach', 'hurt', 'studying', 'anyways', 'gr8', 'weekend'], ['lol', 'trust'], ['gentleman', 'treat', 'dignity', 'respect'], ['guy', 'close'], ['going', 'nothing', 'great.bye'], ['hello', 'handsome', 'finding', 'job', 'lazy', 'working', 'towards', 'getting', 'back', 'net', 'mummy', 'boytoy', 'doe', 'miss'], ['haha', 'awesome', 'minute'], ['please', 'call', 'customer', 'service', 'representative', 'freephone', '0808', '145', '4742', '9am-11pm', 'guaranteed', '£1000', 'cash', '£5000', 'prize'], ['got', 'xmas', 'radio', 'time', 'get'], ['jus', 'reached', 'home', 'bathe', 'first', 'si', 'using', 'net', 'tell', 'finish', '...'], ['unique', 'enough', 'find', '30th', 'august', 'www.areyouunique.co.uk'], ['sorry', "'ve", 'joined', 'league', 'people', 'dont', 'keep', 'touch', 'mean', 'great', 'deal', 'friend', 'time', 'even', 'great', 'personal', 'cost', 'great', 'week.|'], ['finally', 'completed', 'course'], ['stop', 'however', 'suggest', 'stay', 'someone', 'able', 'give', 'every', 'stool'], ['hope', "'ve", 'settled', 'new', 'school', 'year', 'wishin', 'gr8', 'day'], ['gud', 'mrng', 'dear', 'hav', 'nice', 'day'], ['got', 'person', 'story'], ['hamster', 'dead', 'hey', 'tmr', 'meet', '1pm', 'orchard', 'mrt'], ['kate', 'evening', 'hope', 'see', 'tomorrow', 'bit', 'bloody', 'babyjontet', 'txt', 'back', 'xxx'], ['found', 'enc'], ['sent', 'buck'], ['hello', 'darlin', 'ive', 'finished', 'college', 'txt', 'finish', 'love', 'kate', 'xxx'], ['account', 'refilled', 'successfully', 'inr', 'decimal', 'keralacircle', 'prepaid', 'account', 'balance', 'decimal', 'transaction'], ['goodmorning', 'sleeping'], ['call', 'alter'], ['say', 'like', 'dat', 'dun', 'buy', 'ericsson', 'oso', 'oredi', 'lar', '...'], ['entered', 'cabin', 'said', 'happy', "b'day", 'bos', 'felt', 'special', 'askd', 'lunch', 'lunch', 'invited', 'apartment', 'went'], ['aight', 'dat', 'straight', 'dogg'], ['please', 'give', 'connection', 'today', 'decimal', 'refund', 'bill'], ['shoot', 'big', 'load', 'get', 'ready'], ['bruv', 'hope', 'great', 'break', 'rewarding', 'semester'], ['home', 'always', 'chat'], ['good', 'study', 'well'], ['yup', '...', 'noe', 'leh', '...'], ['sound', 'great', 'home'], ['finally', 'match', 'heading', 'towards', 'draw', 'prediction'], ['tired', "n't", 'slept', 'well', 'past', 'night'], ['easy', 'sen', 'got', 'selected', 'mean', 'good..'], ['take', 'exam', 'march'], ['yeah', 'think', 'use', 'atm', 'register', 'sure', 'anyway', 'help', 'let', 'know', 'sure', 'ready'], ['prob', 'take', 'time'], ['called', 'ubandu', 'run', 'without', 'installing', 'hard', 'disk', '...', 'use', 'copy', 'important', 'file', 'system', 'give', 'repair', 'shop..'], ['sorry', "'ll", 'call', 'later'], ['say', 'leh', '...', 'course', 'nothing', 'happen', 'lar', 'say', 'romantic', 'jus', 'bit', 'lor', 'thk', 'nite', 'scenery', 'nice', 'leh'], ['500', 'new', 'mobile', '2004', 'must', 'txt', 'nokia', '89545', 'collect', 'today', 'www.4-tc.biz', '2optout', '087187262701.50gbp/mtmsg18'], ['would', 'really', 'appreciate', 'call', 'need', 'someone', 'talk'], ['meet', 'dream', 'partner', 'soon', 'career', 'flyng', 'start', 'find', 'free', 'txt', 'horo', 'followed', 'star', 'sign', 'horo', 'aries'], ['hey', 'company', 'elama', 'mudyadhu'], ['life', 'strict', 'teacher', '...', 'bcoz', 'teacher', 'teach', 'lesson', 'amp', 'conduct', 'exam', 'life', 'first', 'conduct', 'exam', 'amp', 'teach', 'lesson', 'happy', 'morning'], ['dear', 'good', 'morning'], ['get', 'gandhipuram', 'walk', 'cross', 'cut', 'road', 'right', 'side', 'street', 'road', 'turn', 'first', 'right'], ['dear', 'going', 'rubber', 'place'], ['sorry', 'battery', 'died', 'yeah'], ['yes', 'always', 'available', 'work', 'place..'], ['text', 'meet', 'someone', 'sexy', 'today', 'find', 'date', 'even', 'flirt', 'join', '10p', 'reply', 'name', 'age', 'sam', '-msg', 'recd', 'thirtyeight', 'penny'], ['printed', 'come', 'upstairs'], ['ill', 'little', 'closer', 'like', 'bus', 'stop', 'street'], ['wil', 'reach'], ['new', 'theory', 'argument', 'win', 'situation', 'loses', 'person', 'dont', 'argue', 'friend', 'just..', 'kick', 'amp', 'say', 'always', 'correct'], ['447801259231', 'secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09058094597'], ['tomarrow', 'final', 'hearing', 'laptop', 'case', 'cant'], ['pleassssssseeeeee', 'tel', 'avent', 'done', 'sportsx'], ['okay', 'shining', 'meant', 'signing', 'sound', 'better'], ['although', 'told', 'dat', 'baig', 'face', 'watch', 'really', 'like', 'watch', 'gave', 'co', 'thanx', 'everything', 'dat', "'ve", 'done', 'today', 'touched', '...'], ["n't", 'remember', 'old', 'commercial'], ['late', 'said', 'website', "n't", 'dont', 'slipper'], ['asked', 'call'], ['kallis', 'wont', 'bat', '2nd', 'inning'], ['didnt', 'work', 'goodnight', 'i.ll', 'fix', 'ready', 'time', 'wake', 'dearly', 'missed', 'good', 'night', 'sleep'], ['congratulation', 'awarded', '500', 'voucher', '125gift', 'guaranteed', 'free', 'entry', '100', 'wkly', 'draw', 'txt', 'music', '87066', 'tncs', 'www.ldew.com1win150ppmx3age16'], ['ranjith', 'cal', 'drpd', 'deeraj', 'deepak', '5min', 'hold'], ['wen', 'lovable', 'bcums', 'angry', 'wid', 'dnt', 'take', 'seriously..', 'coz', 'angry', 'childish', 'true', 'way', 'showing', 'deep', 'affection', 'care', 'luv', 'kettoda', 'manda', '...', 'nice', 'day'], [], ['ups', '3days', 'also', 'shipping', 'company', 'take', '2wks', 'way', 'usps', 'take', 'week', 'get', 'lag', 'may', 'bribe', 'nipost', 'get', 'stuff'], ['back', 'lem', 'know', "'re", 'ready'], ["n't", 'necessarily', 'expect', 'done', 'get', 'back', 'though', 'headin'], ['mmm', 'yummy', 'babe', '...', 'nice', 'jolt', 'suzy'], ['lover', 'need', '...'], ['tried', 'contact', 'reply', 'offer', 'video', 'handset', '750', 'anytime', 'network', 'min', 'unlimited', 'text', 'camcorder', 'reply', 'call', '08000930705'], ['parked', 'next', 'mini', 'coming', 'today', 'think'], ['yup'], ['anyway', 'going', 'shopping', 'co', 'si', 'done', 'yet', 'dun', 'disturb', 'liao'], ['luton', '0125698789', 'ring', 'around'], ['hey', 'really', 'horny', 'want', 'chat', 'see', 'naked', 'text', 'hot', '69698', 'text', 'charged', '150pm', 'unsubscribe', 'text', 'stop', '69698'], ['dint', 'come'], ['wana', 'plan', 'trip', 'sometme'], ['sure', 'yet', 'still', 'trying', 'get', 'hold'], ['ringtone', 'service', 'changed', 'free', 'credit', 'club4mobiles.com', 'choose', 'content', 'stop', 'txt', 'club', 'stop', '87070', '150p/wk', 'club4', 'box1146', 'mk45', '2wt'], ['evo', 'download', 'flash', 'jealous'], ['ringtone', 'club', 'get', 'single', 'chart', 'mobile', 'week', 'choose', 'top', 'quality', 'ringtone', 'message', 'free', 'charge'], ['come', "'re", 'sorting', 'narcotic', 'situation'], ['night', 'ended', 'another', 'day', 'morning', 'come', 'special', 'way', 'may', 'smile', 'like', 'sunny', 'ray', 'leaf', 'worry', 'blue', 'blue', 'bay'], ['hmv', 'bonus', 'special', '500', 'pound', 'genuine', 'hmv', 'voucher', 'answer', 'easy', 'question', 'play', 'send', 'hmv', '86688', 'info', 'www.100percent-real.com'], ['usf', 'guess', 'might', 'well', 'take', 'car'], ['objection', 'coming'], ['thanx', '...'], ['tell', 'rob', 'mack', 'theater'], ['awesome', "'ll", 'see', 'bit'], ['sent', 'type', 'food', 'like'], ['done', 'handed', 'celebration', 'full', 'swing', 'yet'], ['got', 'called', 'tool'], ['wen', 'miss', 'someone', 'person', 'definitely', 'special', '...', 'person', 'special', 'miss', 'keep-in-touch', 'gdeve..'], ['asked', 'money', 'far'], ['okie', '...'], ['yeah', 'think', 'usual', 'guy', 'still', 'passed', 'last', 'night', 'get', 'ahold', 'anybody', 'let', 'know', "'ll", 'throw'], ['might', 'come', 'tonight', 'class', 'let', 'early'], ['ok..'], ['baby', 'cruisin', 'girl', 'friend', 'give', 'call', 'hour', 'home', 'thats', 'alright', 'fone', 'fone', 'love', 'jenny', 'xxx'], ['life', 'mean', 'lot', 'love', 'life', 'love', 'people', 'life', 'world', 'call', 'friend', 'call', 'world'], ['dear', 'shall', 'mail', 'tonite.busy', 'street', 'shall', 'update', 'tonite.things', 'looking', 'ok.varunnathu', 'edukkukayee', 'raksha', 'ollu.but', 'good', 'one', 'real', 'sense'], ['hey', 'told', 'name', 'gautham'], ['haf', 'found', 'feel', 'stupid', 'cam', 'working'], ['oops', 'got', 'bit'], ['much', 'buzy'], ['accidentally', 'deleted', 'message', 'resend', 'please'], ['t-mobile', 'customer', 'may', 'claim', 'free', 'camera', 'phone', 'upgrade', 'pay', 'sim', 'card', 'loyalty', 'call', '0845', '021', '3680.offer', 'end', '28thfeb.t', 'apply'], ['unless', 'situation', 'gurl', 'would', 'appropriate'], ['hurt', '...', 'tease', '...', 'make', 'cry', '...', 'end', 'life', 'die', 'plz', 'keep', 'one', 'rose', 'grave', 'say', 'stupid', 'miss', 'u..', 'nice', 'day', 'bslvyl'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['need', 'coffee', 'run', 'tomo', "n't", 'believe', 'time', 'week', 'already'], ['awesome', 'remember', 'last', 'time', 'got', 'somebody', 'high', 'first', 'time', 'diesel'], ['shit', 'really', 'shocking', 'scary', 'cant', 'imagine', 'second', 'def', 'night', 'think', 'somewhere', 'could', 'crash', 'night', 'save', 'taxi'], ['way', 'food', 'fridge', 'want', 'meal', 'tonight'], ['womdarfull', 'actor'], ['sm', 'blind', 'date', 'rodds1', '21/m', 'aberdeen', 'united', 'kingdom', 'check', 'http', '//img', 'sm', 'ac/w/icmb3cktz8r7', 'blind', 'date', 'send', 'hide'], ['yup', '...', 'remb', '...', 'think', 'book', '...'], ['jos', 'ask', 'wana', 'meet'], ['lol', 'yes', 'friendship', 'hanging', 'thread', 'cause', "n't", 'buy', 'stuff'], ['themob', 'check', 'newest', 'selection', 'content', 'game', 'tone', 'gossip', 'babe', 'sport', 'keep', 'mobile', 'fit', 'funky', 'text', 'wap', '82468'], ['garage', 'key', "n't", 'bookshelf'], ['today', 'accept', 'day..u', 'accept', 'brother', 'sister', 'lover', 'dear1', 'best1', 'clos1', 'lvblefrnd', 'jstfrnd', 'cutefrnd', 'lifpartnr', 'belovd', 'swtheart', 'bstfrnd', 'rply', 'mean', 'enemy'], ['think', 'smart', 'win', '£200', 'week', 'weekly', 'quiz', 'text', 'play', '85222', 'winnersclub', 'box', 'm26', '3uz', '16+', 'gbp1.50/week'], ['say', "'ll", 'give', 'call', 'friend', 'got', 'money', 'definitely', 'buying', 'end', 'week'], ['way', '2day', 'normal', 'way', 'real', 'unique', 'hope', 'know', 'rest', 'mylife', 'hope', 'find', 'wot', 'lost'], ['made', 'day', 'great', 'day'], ['k.k', 'advance', 'happy', 'pongal'], ['hmmm', '...', 'guess', 'power', 'yoga', '...', 'haha', 'dunno', 'tahan', 'power', 'yoga', 'anot', '...', 'thk', 'got', 'oso', 'forgot', 'liao', '...'], ['really', 'dude', 'friend', 'afraid'], ['december', 'mobile', '11mths+', 'entitled', 'update', 'latest', 'colour', 'camera', 'mobile', 'free', 'call', 'mobile', 'update', 'free', '08002986906'], ['coffee', 'cake', 'guess', '...'], ['merry', 'christmas', 'babe', 'love', '*kisses*'], ['hey', '...', 'dont', 'watch', 'men', 'lunch', '...', 'haha'], ['cud', 'tell', 'ppl', 'gona', 'bit', 'co', 'bus', 'hav', 'gon', 'past', 'co', 'full', 'still', 'waitin', 'pete'], ['would', 'great', "'ll", 'guild', 'could', 'meet', 'bristol', 'road', 'somewhere', 'get', 'touch', 'weekend', 'plan', 'take', 'flight', 'good', 'week'], ['problem'], ['calls..messages..missed', 'call'], ['today', 'class'], ['say', 'good', 'sign', 'well', 'know', 'track', 'record', 'reading', 'woman'], ['cool', 'text', "'re", 'parked'], ['reading', 'text', 'sent', 'meant', 'joke', 'read', 'light'], ['k.k', 'apo', 'k.good', 'movie'], ['maybe', 'could', 'get', 'book', 'tomo', 'return', 'immediately', 'something'], ['call', 'germany', 'penny', 'per', 'minute', 'call', 'fixed', 'line', 'via', 'access', 'number', '0844', '861', 'prepayment', 'direct', 'access'], ['chance', 'might', 'evaporated', 'soon', 'violated', 'privacy', 'stealing', 'phone', 'number', 'employer', 'paperwork', 'cool', 'please', 'contact', 'report', 'supervisor'], ['valentine', 'day', 'special', 'win', '£1000', 'quiz', 'take', 'partner', 'trip', 'lifetime', 'send', '83600', '150p/msg', 'rcvd', 'custcare:08718720201'], ['ta-daaaaa', 'home', 'babe', 'still'], ['cool', 'come', 'havent', 'wined', 'dined'], ['sleeping..and', 'surfing'], ['sorry', "'ll", 'call', 'later'], ['calling', 'right', 'call', 'hand', 'phone', '...'], ['great', 'thanx', 'lot'], ['take', 'post', 'come', 'must', '1000', 'text', 'happy', 'reading', 'one', 'wiv', 'hello', 'caroline', 'end', 'favourite', 'bless'], ['hiding', 'stranger'], ['interested', 'like'], ['sister', 'cleared', 'two', 'round', 'birla', 'soft', 'yesterday'], ['gudnite', '...', '.tc', '...', 'practice', 'going'], ['dis', 'yijue', 'jus', 'saw', 'mail', 'case', 'huiming', 'havent', 'sent', 'num', 'dis', 'num'], ['one', 'small', 'prestige', 'problem'], ['fancy', 'shag', 'do.interested', 'sextextuk.com', 'txt', 'xxuk', 'suzy', '69876', 'txts', 'cost', '1.50', 'per', 'msg', 'tncs', 'website'], ['checking', 'really', 'miss', 'seeing', 'jeremiah', 'great', 'month'], ['nah', "n't", 'help', "'ve", 'never', 'iphone'], ["'re", 'car', 'hour', 'half', 'going', 'apeshit'], ['today', 'sorry', 'day', 'ever', 'angry', 'ever', 'misbehaved', 'hurt', 'plz', 'plz', 'slap', 'urself', 'bcoz', 'fault', 'basically', 'good'], ['guy', 'ever', 'figure', 'much', 'need', 'alcohol', 'jay', 'trying', 'figure', 'much', 'safely', 'spend', 'weed'], ['ish', 'minute', 'wa', 'minute', 'ago', 'wtf'], ['thank', 'calling.forgot', 'say', 'happy', 'onam', 'sirji.i', 'fine', 'remembered', 'met', 'insurance', 'person.meet', 'qatar', 'insha', 'allah.rakhesh', 'tata', 'aig', 'joined', 'tissco', 'tayseer'], ['congratulation', 'awarded', '500', 'voucher', '125gift', 'guaranteed', 'free', 'entry', '100', 'wkly', 'draw', 'txt', 'music', '87066', 'tncs', 'www.ldew.com1win150ppmx3age16'], ['cash-balance', 'currently', '500', 'pound', 'maximize', 'cash-in', 'send', 'cash', '86688', '150p/msg', '08708800282', 'hg/suite342/2lands', 'row/w1j6hl'], ['actor', 'work', 'work', 'evening', 'sleep', 'late', 'since', 'unemployed', 'moment', 'always', 'sleep', 'late', "'re", 'unemployed', 'every', 'day', 'saturday'], ['hello', 'got', 'andrews-boy', 'long', 'way', 'cold', 'keep', 'posted'], ['cool', 'cool', 'chikku', 'chikku', '-db-'], ['prob..'], ['check', 'audrey', 'status', 'right'], ['busy', 'trying', 'finish', 'new', 'year', 'looking', 'forward', 'finally', 'meeting', '...'], ['good', 'afternoon', 'sunshine', 'dawn', 'day', 'refreshed', 'happy', 'alive', 'breathe', 'air', 'smile', 'think', 'love', '...', 'always'], ['well', 'know', 'take', 'care', 'worry'], ['update_now', 'xmas', 'offer', 'latest', 'motorola', 'sonyericsson', 'nokia', 'free', 'bluetooth', 'double', 'min', '1000', 'txt', 'orange', 'call', 'mobileupd8', '08000839402', 'call2optout/f4q='], ['discount', 'code', 'rp176781', 'stop', 'message', 'reply', 'stop', 'www.regalportfolio.co.uk', 'customer', 'service', '08717205546'], ['wat', 'uniform', 'get'], ['cool', 'text', "'re", 'ready'], ['hello', 'boytoy', '...', 'geeee', 'miss', 'already', 'woke', 'wish', 'bed', 'cuddling', 'love', '...'], ['spoil', 'bed', 'well'], ['going', 'bath', 'msg', 'next', 'min..'], ['cant', 'keep', 'talking', 'people', 'sure', 'pay', 'agree', 'price', 'pls', 'tell', 'want', 'really', 'buy', 'much', 'willing', 'pay'], ['thanks', 'ringtone', 'order', 'reference', 't91', 'charged', 'gbp', 'per', 'week', 'unsubscribe', 'anytime', 'calling', 'customer', 'service', '09057039994'], ['say', 'happen'], ['could', 'seen', 'me..i', "did't", 'recognise', 'face'], ['well', 'lot', 'thing', 'happening', 'lindsay', 'new', 'year', '*sighs*', 'bar', 'ptbo', 'blue', 'heron', 'something', 'going'], ['keep', 'payasam', 'rinu', 'brings'], ['taught', 'ranjith', 'sir', 'called', 'sm', 'like', 'becaus', 'verifying', 'project', 'prabu', 'told', 'today', 'dont', 'mistake', 'me..'], ['guess', 'worried', 'must', 'know', 'way', 'body', 'repair', 'quite', 'sure', "n't", 'worry', "'ll", 'take', 'slow', 'first', 'test', 'guide', 'ovulation', 'relax', 'nothing', "'ve", 'said', 'reason', 'worry', 'i.ll', 'keep', 'followin'], ['yeah', 'sure', 'give', 'couple', 'minute', 'track', 'wallet'], ['hey', 'leave', 'big', 'deal', 'take', 'care'], ['hey', 'late', '...', 'meet', '945+'], ['double', 'min', 'txts', '6months', 'free', 'bluetooth', 'orange', 'available', 'sony', 'nokia', 'motorola', 'phone', 'call', 'mobileupd8', '08000839402', 'call2optout/n9dx'], ['took', 'owl', 'lick'], ['customer', 'place', 'call'], ['time', 'dont', 'like', 'fun'], ['4mths', 'half', 'price', 'orange', 'line', 'rental', 'latest', 'camera', 'phone', 'free', 'phone', '11mths', 'call', 'mobilesdirect', 'free', '08000938767', 'update', 'or2stoptxt'], ['yup', 'lunch', 'buffet', 'now..', 'eat', 'already'], ['huh', 'late', '...', 'dinner'], ['hey', 'sat', 'going', 'intro', 'pilate', 'kickboxing'], ['morning'], ['yes', 'think', 'office', 'lap', 'room', 'think', 'thats', 'last', 'day', 'didnt', 'shut'], ['pick', 'bout', '7.30ish', 'time', 'going'], ['performance', 'award', 'calculated', 'every', 'two', 'month.not', 'current', 'one', 'month', 'period..'], ['wa', 'actually', 'sleeping', 'still', 'might', 'call', 'back', 'text', 'gr8', 'rock', 'si', 'send', 'text', 'wen', 'wake'], ['always', 'putting', 'business', 'put', 'picture', 'facebook', 'one', 'open', 'people', "'ve", 'ever', 'met', 'would', 'think', 'picture', 'room', 'would', 'hurt', 'make', 'feel', 'violated'], ['good', 'evening', 'sir', 'salam', 'wahleykkum.sharing', 'happy', 'news.by', 'grace', 'god', 'got', 'offer', 'tayseer', 'tissco', 'joined.hope', 'fine.inshah', 'allah', 'meet', 'sometime.rakhesh', 'visitor', 'india'], ['hmmm', '...', '...', 'want', 'change', 'field', 'quickly', 'wan', 'get', 'system', 'administrator', 'network', 'administrator..'], ['free', 'ringtone', 'text', 'first', '87131', 'poly', 'text', 'get', '87131', 'true', 'tone', 'help', '0845', '2814032', '1st', 'free', 'tone', '3x£150pw', 'e£nd', 'txt', 'stop'], ['dear', 'chechi', 'talk'], ['hair', 'cream', 'shipped'], ['none', 'happening', 'til', 'get', 'though'], ['yep', 'great', 'loxahatchee', 'xmas', 'tree', 'burning', 'start', 'hour'], ['haha', 'get', 'used', 'driving', 'usf', 'man', 'know', 'lot', 'stoner'], ['well', 'slightly', 'disastrous', 'class', 'fav', 'darling', 'hope', 'day', 'ok.', 'coffee', 'wld', 'good', "n't", 'stay', 'late', 'tomorrow', 'time', 'place', 'always'], ['hello', 'good', 'week', 'fancy', 'drink', 'something', 'later'], ['headin', 'towards', 'busetop'], ['message', 'text', 'missing*', 'sender', 'name', 'missing*', '*number', 'missing', '*sent', 'date', 'missing', '*missing', 'lot', 'thats', 'everything', 'missing', 'sent', 'via', 'fullonsms.com'], ['come', 'room', 'point', 'iron', 'plan', 'weekend'], ['co', 'want', 'thing'], ['okies', '...', "'ll", 'yan', 'jiu', '...', 'skip', 'ard', 'oso', 'cine', 'den', 'mrt', 'one', 'blah', 'blah', 'blah', '...'], ['bring', 'home', 'wendy'], ['100', 'dating', 'service', 'cal', '09064012103', 'box334sk38ch'], ['whatsup', 'dont', 'want', 'sleep'], ['alright', 'new', 'goal'], ['free', 'entry', '£250', 'weekly', 'competition', 'text', 'word', 'win', '80086', 'www.txttowin.co.uk'], ['alright', "'ll", 'head', 'minute', 'text', 'meet'], ['send', 'logo', 'lover', 'name', 'joined', 'heart', 'txt', 'love', 'name1', 'name2', 'mobno', 'love', 'adam', 'eve', '07123456789', '87077', 'yahoo', 'pobox36504w45wq', 'txtno', 'ad', '150p'], ['yes', 'last', 'week', 'taking', 'live', 'call'], ['someone', 'contacted', 'dating', 'service', 'entered', 'phone', 'fancy', 'find', 'call', 'landline', '09111032124', 'pobox12n146tf150p'], ['siva', 'hostel', 'aha'], ['urgent', 'mobile', 'number', 'awarded', '£2000', 'prize', 'guaranteed', 'call', '09058094455', 'land', 'line', 'claim', '3030', 'valid', '12hrs'], ['send', 'friend', 'receive', 'something', 'voice', '...', 'speaking', 'expression', '1.childish', '2.naughty', '3.sentiment', '4.rowdy', '5.ful', 'attitude', '6.romantic', '7.shy', '8.attractive', '9.funny', '.irritating', '.lovable', 'reply', 'me..'], ['ok.', "'ll", 'guess'], ['aathi..where', 'dear..'], ['pain', 'urination', 'thing', 'else'], ['esplanade..', 'mind', 'giving', 'lift', 'co', 'got', 'car', 'today..'], ['wnt', 'buy', 'bmw', 'car', 'urgently..its', 'vry', 'urgent.but', 'shortage', 'lacs.there', 'source', 'arng', 'dis', 'amt', 'lacs..thats', 'prob'], ['home', 'watching', 'lor'], ['doe', 'usually', 'take', 'fifteen', 'fucking', 'minute', 'respond', 'yes', 'question'], ['congrats', 'nokia', '3650', 'video', 'camera', 'phone', 'call', '09066382422', 'call', 'cost', '150ppm', 'ave', 'call', '3mins', 'vary', 'mobile', '16+', 'close', '300603', 'post', 'bcm4284', 'ldn', 'wc1n3xx'], ['booked', 'ticket', 'pongal'], ['available', 'like', 'right', 'around', 'hillsborough', 'amp'], ['message', 'sent', 'askin', 'dollar', 'shoul', 'pay'], ['ask', 'iouri', "'ve", 'told', 'story', 'like', 'ten', 'time', 'already'], ['long', 'applebees', 'fucking', 'take'], ['hope', 'get', 'txt~journey', 'hasnt', 'min', 'late', 'think'], ['like', 'love', 'arrange'], ['yes..he', 'really', 'great..bhaji', 'told', 'kallis', 'best', 'cricketer', 'sachin', 'world', '.very', 'tough', 'get'], ['supposed', 'wake'], ['oic', '...', 'saw', 'tot', 'din', '...', 'found', 'group', 'liao', '...'], ['sorry', "'ll", 'call', 'later'], ['hey', 'hey', 'werethe', 'monkeespeople', 'say', 'monkeyaround', 'howdy', 'gorgeous', 'howu', 'doin', 'foundurself', 'jobyet', 'sausage', 'love', 'jen', 'xxx'], ['sorry', 'battery', 'died', 'come', 'getting', 'gram', 'place'], ['well', 'done', 'blimey', 'exercise', 'yeah', 'kinda', 'remember', 'wot', 'hmm'], ['wont', 'get', 'concentration', 'dear', 'know', 'mind', 'everything'], ['lol', '...', 'made', 'plan', 'new', 'year'], ['min', 'later', '...'], ['hank', 'lotsly'], ['thanks', 'hope', 'good', 'day', 'today'], ['detail', 'want', 'transfer', 'acc', 'enough'], ['tell', 'stay', 'yeah', 'tough', 'optimistic', 'thing', 'improve', 'month'], ['loan', 'purpose', '£500', '£75,000', 'homeowner', 'tenant', 'welcome', 'previously', 'refused', 'still', 'help', 'call', 'free', '0800', '1956669', 'text', 'back', "'help"], ['think', 'ill', 'make', 'oreo', 'truffle'], ['look', 'amy', 'ure', 'beautiful', 'intelligent', 'woman', 'like', 'lot', 'know', 'don\x92t', 'like', 'like', 'don\x92t', 'worry'], ['hope', 'result', 'consistently', 'intelligent', 'kind', 'start', 'asking', 'practicum', 'link', 'keep', 'ear', 'open', 'best', 'ttyl'], ['1.20', 'call', 'cost', 'guess', 'isnt', 'bad', 'miss', 'need', 'want', 'love'], ['going', 'thru', 'different', 'feeling.wavering', 'decision', 'coping', 'individual.time', 'heal', 'everything', 'believe'], ['phone', 'gon', 'die', 'stay'], ['great', 'never', 'better', 'day', 'give', 'even', 'reason', 'thank', 'god'], ['upgrdcentre', 'orange', 'customer', 'may', 'claim', 'free', 'camera', 'phone', 'upgrade', 'loyalty', 'call', '0207', '153', '9153', 'offer', 'end', '26th', 'july', 'apply', 'opt-out', 'available'], ['sorry', "'ll", 'call', 'later', 'bye'], ['way', 'railway'], ['great', 'princess', 'love', 'giving', 'receiving', 'oral', 'doggy', 'style', 'fave', 'position', 'enjoy', 'making', 'love', 'time', 'per', 'night'], ["n't", 'put', 'stuff', 'road', 'keep', 'getting', 'slippery'], ['going', 'ride', 'bike'], ['yup', 'need', "'ll", 'jus', 'wait', 'rain', 'stop'], ['many', 'company', 'tell', 'language'], ['okmail', 'dear', 'dave', 'final', 'notice', 'collect', 'tenerife', 'holiday', '5000', 'cash', 'award', 'call', '09061743806', 'landline', 'tc', 'sae', 'box326', 'cw25wx', '150ppm'], ['long', 'since', 'screamed', 'princess'], ['nothing', 'meant', 'money', 'enters', 'account', 'bank', 'remove', 'flat', 'rate', 'someone', 'transfered', 'account', 'dollar', 'got', 'removed', 'bank', 'differ', 'charge', 'also', 'differ.be', 'sure', 'trust', '9ja', 'person', 'sending', 'account', 'detail', 'co', '...'], ['want', 'get', 'laid', 'tonight', 'want', 'real', 'dogging', 'location', 'sent', 'direct', 'mob', 'join', 'largest', 'dogging', 'network', 'txting', 'moan', '69888nyt', 'ec2a', '31p.msg', '150p'], ['nice', 'line', 'said', 'broken', 'heart-', 'plz', "n't", 'cum', 'time', 'infront', '...', 'wise', 'trust', '...', 'good'], ['gon', 'head', 'usf', 'like', 'fifteen', 'minute'], ['love', 'aathi..love', 'lot..'], ['tension', 'machi', 'problem'], ['pick', 'another', '8th', "'re", 'done'], ["'re", 'guy', 'getting', 'back', 'said', 'thinking', 'staying', 'mcr'], ['almost', 'see', 'sec'], ['carlos', 'friend', 'already', 'asking', 'working', 'weekend'], ['watching', 'lor', '...'], ['thank', 'baby', 'cant', 'wait', 'taste', 'real', 'thing', '...'], ['change', 'jaykwon', 'thuglyfe', 'falconerf'], ['win', 'really', 'side', 'long', 'time'], ['free', 'message', 'activate', '500', 'free', 'text', 'message', 'replying', 'message', 'word', 'free', 'term', 'condition', 'visit', 'www.07781482378.com'], ['dear', 'reached', 'railway', 'happen'], ['depends', 'quality', 'want', 'type', 'sent', 'boye', 'faded', 'glory', 'want', 'ralphs', 'maybe'], ['think', "'ve", 'fixed', 'send', 'test', 'message'], ['sorry', 'man', 'account', 'dry', 'would', 'want', 'could', 'trade', 'back', 'half', 'could', 'buy', 'shit', 'credit', 'card'], ['congrats', 'year', 'special', 'cinema', 'pas', 'call', '09061209465', 'suprman', 'matrix3', 'starwars3', 'etc', 'free', 'bx420-ip4-5we', '150pm', 'dont', 'miss'], ['sorry', 'meeting', "'ll", 'call', 'later'], ['class', 'reunion'], ['free', 'call'], ['got', 'meh', '...'], ['nope', '...', 'think', 'monday', '...', 'sorry', 'replied', 'late'], ['told', 'accenture', 'confirm', 'true'], ['kate', 'jackson', 'rec', 'center', '7ish', 'right'], ['dear', 'reache', 'room'], ['fighting', 'world', 'easy', 'either', 'win', 'lose', 'fightng', 'some1', 'close', 'dificult', 'lose', 'lose', 'win', 'still', 'lose'], ['come'], ['check', 'nuerologist'], ['lolnice', 'went', 'fish', '..water'], ['+123', 'congratulation', 'week', 'competition', 'draw', '£1450', 'prize', 'claim', 'call', '09050002311', 'b4280703', 'cs/stop', 'sm', '08718727868', '150ppm'], ['waiting', 'car', 'dat', 'bored', 'wat', 'co', 'wait', 'outside', 'got', 'nothing', 'home', 'stuff', 'watch', 'wat'], ['maybe', 'westshore', 'hyde', 'park', 'village', 'place', 'near', 'house'], ['know', 'anthony', 'bringing', 'money', "'ve", 'school', 'fee', 'pay', 'rent', 'stuff', 'like', 'thats', 'need', 'help', 'friend', 'need', '...'], ['significance'], ['opinion', 'jada', 'kusruthi', 'lovable', 'silent', 'spl', 'character', 'matured', 'stylish', 'simple', 'pls', 'reply..'], ['latest', 'still', 'scrounge', 'ammo', 'want', 'give', 'new', 'try'], ['prabha..i', 'soryda..realy..frm', 'heart', 'sory'], ['lol', 'forgiven'], ['no..jst', 'change', 'tat', 'only..'], ['guaranteed', 'latest', 'nokia', 'phone', '40gb', 'ipod', 'mp3', 'player', '£500', 'prize', 'txt', 'word', 'collect', '83355', 'ibhltd', 'ldnw15h', '150p/mtmsgrcvd18+'], ['competition'], ['boltblue', 'tone', '150p', 'reply', 'poly', 'mono', 'poly3', 'cha', 'cha', 'slide', 'yeah', 'slow', 'jamz', 'toxic', 'come', 'stop', 'tone', 'txt'], ['credit', 'topped', 'http', '//www.bubbletext.com', 'renewal', 'pin', 'tgxxrz'], ['way', 'transport', 'le', 'problematic', 'sat', 'night', 'way', 'want', 'ask', 'join', 'bday', 'feel', 'free', 'need', 'know', 'definite', 'booking', 'fri'], ['usually', 'person', 'unconscious', 'child', 'adult', 'may', 'behave', 'abnormally', 'i.ll', 'call'], ['ebay', 'might', 'le', 'elsewhere'], ['shall', 'come', 'get', 'pickle'], ['gon', 'get', 'taco'], ['rude', 'campus'], ['urgent', 'mobile', 'awarded', '£2,000', 'bonus', 'caller', 'prize', '02/09/03', '2nd', 'attempt', 'contact', 'call', '0871-872-9755', 'box95qu'], ["n't", 'ard', 'christmas', 'enjoy', 'merry', "x'mas"], ['today', 'offer', 'claim', '£150', 'worth', 'discount', 'voucher', 'text', 'yes', '85023', 'savamob', 'member', 'offer', 'mobile', '08717898035', '£3.00', 'sub', 'unsub', 'reply'], ['yes', 'pretty', 'lady', 'like', 'single'], ['recieve', 'tone', 'within', 'next', '24hrs', 'term', 'condition', 'please', 'see', 'channel', 'teletext', '750'], ['jay', 'say', "'re", 'double-faggot'], ['private', '2003', 'account', 'statement', '07815296484', 'show', '800', 'un-redeemed', 's.i.m', 'point', 'call', '08718738001', 'identifier', 'code', '41782', 'expires', '18/11/04'], ['today-sunday..sunday', 'holiday..so', 'work..'], ['gudnite', '...', '.tc', '...', 'practice', 'going'], ["'ll", 'late', '...'], ["'ve", 'called', 'hoping', 'l8r', 'malaria', 'know', 'miss', 'guy', 'miss', 'ban', 'big', 'pls', 'give', 'love', 'especially', 'great', 'day'], ['good', 'afternoon', 'love', 'go', 'day', 'hope', 'maybe', 'got', 'lead', 'job', 'think', 'boytoy', 'send', 'passionate', 'kiss', 'across', 'sea'], ['probably', 'gon', 'see', 'later', 'tonight'], ['maybe', 'fat', 'finger', 'press', 'button', "n't", 'know'], ['ummmmmaah', 'many', 'many', 'happy', 'return', 'day', 'dear', 'sweet', 'heart..', 'happy', 'birthday', 'dear'], ['tirupur', 'started', 'office', 'call'], ['www.applausestore.com', 'monthlysubscription', '50p/msg', 'max6/month', 'csc', 'web', 'age16', '2stop', 'txt', 'stop'], ['famous', 'quote', 'develop', 'ability', 'listen', "'anything", 'unconditionally', 'without', 'losing', 'temper', 'self', 'confidence', 'mean', '...', '...', '...', "'married"], ['going', 'college', 'pa.', 'else', 'ill', 'come', 'self'], ['oclock', 'mine', 'bash', 'flat', 'plan'], ['girl', 'stay', 'bed', 'girl', "n't", 'need', 'recovery', 'time', 'rather', 'pas', 'fun', 'cooped', 'bed'], ['special'], ['know', 'need', 'get', 'hotel', 'got', 'invitation', 'apologise', 'cali', 'sweet', 'come', 'english', 'bloke', 'weddin'], ['sorry', 'took', 'long', 'omw'], ['wait', 'min..'], ['give', 'minute', 'think', 'see', 'btw', "'re", 'alibi', 'cutting', 'hair', 'whole', 'time'], ['imagine', 'finally', 'get', 'sink', 'bath', 'put', 'pace', 'maybe', 'even', 'eat', 'left', '...', 'also', 'imagine', 'feel', 'cage', 'cock', 'surrounded', 'bath', 'water', 'reminding', 'always', 'owns', '...', 'enjoy', 'cuck'], ['hurry', "'ve", 'weed-deficient', 'like', 'three', 'day'], ['sure', 'get', 'acknowledgement', 'astoundingly', 'tactless', 'generally', 'faggy', 'demand', 'blood', 'oath'], ['ok.', 'every', 'night', 'take', 'warm', 'bath', 'drink', 'cup', 'milk', "'ll", 'see', 'work', 'magic', 'still', 'need', 'loose', 'weight', 'know'], ['look', 'frying', 'pan', 'case', 'cheap', 'book', 'perhaps', 'silly', 'frying', 'pan', 'likely', 'book'], ['well', 'cause', 'mutation', 'sunscreen', 'like', 'essential', 'thesedays'], ['lunch', 'online'], ['know', 'friend', 'already', 'told'], ['princess', 'thank', 'pic', 'pretty'], ['aiyo', '...', 'always', 'one', '...', 'dunno', 'abt', 'mei', 'reply', '...', 'first', 'time', 'reply', 'fast', '...', 'lucky', 'workin', 'huh', 'got', 'bao', 'sugardad', '...', 'gee..'], ['msg', 'office..'], ['thanx', 'brownie', 'nice', '...'], ['geeeee', '...', 'love', 'much', 'barely', 'stand'], ['gent', 'trying', 'contact', 'last', 'weekend', 'draw', 'show', '£1000', 'prize', 'guaranteed', 'call', '09064012160', 'claim', 'code', 'k52', 'valid', '12hrs', '150ppm'], ['fuck', 'babe', '...', 'miss', 'already', 'know', "n't", 'let', 'send', 'money', 'towards', 'net', 'need', '...', 'want', '...', 'crave', '...'], ['ill', 'call', '2mrw', 'ninish', 'address', 'icky', 'american', 'freek', 'wont', 'stop', 'callin', 'bad', 'jen'], ['oooh', 'bed', 'ridden', 'thinking'], ['anyways', 'gym', 'whatever', 'love', '*smiles*', 'hope', 'good', 'day', 'babe', '...', 'miss', 'much', 'already'], ['love', 'daddy', 'make', 'scream', 'pleasure', 'going', 'slap', 'dick'], ['wot', 'wan', 'missy'], ['yar', 'lor', 'wait', 'mum', 'finish', 'sch', 'lunch', 'lor', '...', 'whole', 'morning', 'stay', 'home', 'clean', 'room', 'room', 'quite', 'clean', '...', 'hee', '...'], ['know', 'lab', 'goggles', 'went'], ['open', 'door'], ['waiting', 'call'], ['nope', 'waiting', 'sch', 'daddy', '...'], ['1,000', 'cash', '2,000', 'prize', 'claim', 'call09050000327'], ['tired', 'arguing', 'week', 'week', 'want', "'ll"], ['wait', 'sch', 'finish', 'ard', '5..'], ['mobile', 'number', '£5000', 'claim', 'call', 'back', 'ring', 'claim', 'hot', 'line', '09050005321'], ['arngd', 'marriage', 'walkin', 'unfortuntly', 'snake', 'bite', 'love', 'marriage', 'dancing', 'frnt', 'snake', 'amp', 'sayin', 'bite', 'bite'], ['huh', 'early..', 'dinner', 'outside', 'izzit'], ['anyway', 'need', 'change', 'said'], ['tried', 'contact', 'reply', 'offer', '750', 'min', '150', 'textand', 'new', 'video', 'phone', 'call', '08002988890', 'reply', 'free', 'delivery', 'tomorrow'], ['ex-wife', 'able', 'kid', 'want', 'kid', 'one', 'day'], ['scotland', 'hope', 'showing', 'jjc', 'tendency', 'take', 'care', 'live', 'dream'], ['tell', 'headache', 'want', 'use', 'hour', 'sick', 'time'], ['dun', 'thk', "'ll", 'quit', 'yet', '...', 'hmmm', 'jazz', 'yogasana', 'oso', '...', 'meet', 'lesson', 'den', '...'], ['pete', 'please', 'ring', 'meive', 'hardly', 'gotany', 'credit'], ['srsly', 'better', 'tho'], ['meeting', 'call', 'later'], ['chance', 'win', '£250', 'wkly', 'shopping', 'spree', 'txt', 'shop', '80878', 'www.txt-2-shop.com', 'custcare', '08715705022', '1x150p/wk'], ['specially', 'selected', 'receive', '2000', 'pound', 'award', 'call', '08712402050', 'line', 'close', 'cost', '10ppm', '16+', 'apply', 'promo'], ['private', '2003', 'account', 'statement', '07753741225', 'show', '800', 'un-redeemed', 'point', 'call', '08715203677', 'identifier', 'code', '42478', 'expires', '24/10/04'], ['still', 'grand', 'prix'], ['met', 'stranger', 'choose', 'friend', 'long', 'world', 'stand', 'friendship', 'never', 'end', 'let', 'friend', 'forever', 'gud', 'nitz', '...'], ['great'], ['gud', 'mrng', 'dear', 'nice', 'day'], ['important', 'customer', 'service', 'announcement', 'call', 'freephone', '0800', '542', '0825'], ['wa', 'exhausted', 'train', 'morning', 'much', 'wine', 'pie', 'sleep', 'well'], ['going', 'buy', 'mum', 'present'], ['mind', 'blastin..', 'tsunami', 'occur', 'on..', 'rajnikant', 'stopped', 'swimming', 'indian', 'ocean..'], ['sending', 'home', 'first', 'lor', 'ready', 'yet'], ['speaking', 'cash', 'yet'], ['happy', 'come', 'noon'], ['meet', 'lunch', '...'], ['take', 'care', 'get', 'well', 'soon'], ['xclusive', 'clubsaisai', '2morow', '28/5', 'soiree', 'speciale', 'zouk', 'nichols', 'paris.free', 'rose', 'lady', 'info', '07946746291/07880867867'], ['meant', 'say', 'cant', 'wait', 'see', 'getting', 'bored', 'bridgwater', 'banter'], ['neva', 'mind', 'ok..'], ['fine', 'imma', 'get', 'drink', 'somethin', 'want', 'come', 'find'], ['day', 'kick', 'euro2004', 'kept', 'date', 'latest', 'news', 'result', 'daily', 'removed', 'send', 'get', 'txt', 'stop', '83222'], ['valentine', 'game', 'send', 'dis', 'msg', 'friend', 'answer', 'someone', 'really', 'love', 'ques-', 'colour', 'suit', 'best', 'rply'], ['many', 'dependent'], ['thanx4', 'today', 'cer', 'wa', 'nice', 'catch', 'ave', 'find', 'time', 'often', 'well', 'take', 'care', 'soon.c'], ['called', 'said', 'choose', 'future'], ['happy', 'valentine', 'day', 'know', 'early', 'hundred', 'handsomes', 'beauty', 'wish', 'thought', 'finish', 'aunty', 'uncle', '1st', '...'], ['like', 'shock', 'leh', 'co', 'telling', 'shuhui', 'like', 'telling', 'leona', 'also', 'like', 'dat', 'almost', 'know', 'liao', 'got', 'ask', 'abt', 'reaction', 'lor'], ['family', 'happiness..'], ['come', 'pick', '...', 'come', 'immediately', 'aft', 'lesson', '...'], ['let', 'snow', 'let', 'snow', 'kind', 'weather', 'brings', 'ppl', 'together', 'friendship', 'grow'], ['dear', 'got', 'dollar'], ['good', 'word', '...', 'word', 'may', 'leave', 'dismay', 'many', 'time'], ['make', 'sure', 'alex', 'know', 'birthday', 'fifteen', 'minute', 'far', "'re", 'concerned'], ['sorry', 'got', 'thing', 'may', 'pub', 'later'], ['nah', 'straight', 'bring', 'bud', 'drink', 'something', 'actually', 'little', 'useful', 'straight', 'cash'], ['haha', 'good', 'hear', 'officially', 'paid', 'market', '8th'], ['many', 'lick', 'take', 'get', 'center', 'tootsie', 'pop'], ['yup', 'thk', 'teacher', 'said', 'make', 'face', 'look', 'longer', 'darren', 'ask', 'cut', 'short'], ['new', 'textbuddy', 'chat', 'horny', 'guy', 'area', '25p', 'free', 'receive', 'search', 'postcode', 'gaytextbuddy.com', 'txt', 'one', 'name', '89693'], ['today', 'vodafone', 'number', 'ending', '4882', 'selected', 'receive', '£350', 'award', 'number', 'match', 'call', '09064019014', 'receive', '£350', 'award'], ['please', 'dont', 'say', 'like'], ['thank'], ['forwarded', 'message', 'thought', 'send'], ['got', 'seventeen', 'pound', 'seven', 'hundred', 'hope'], ['dear', 'voucher', 'holder', 'claim', 'week', 'offer', 'http', '//www.e-tlp.co.uk/expressoffer', 'apply.2', 'stop', 'text', 'txt', 'stop', '80062'], ['funny', '...'], ['sweetheart', 'hope', 'kind', 'day', 'one', 'load', 'reason', 'smile', 'biola'], ['login', 'dat', 'time', '...', 'dad', 'fetching', 'home'], ['shower', 'baby'], ['askd', 'question', 'hour', 'answer'], ['well', 'imma', 'definitely', 'need', 'restock', 'thanksgiving', "'ll", 'let', 'know'], ['said', 'kiss', 'kiss', "n't", 'sound', 'effect', 'gorgeous', 'man', "n't", 'kind', 'person', 'need', 'smile', 'brighten', 'day'], ['probably', 'gon', 'swing', 'wee', 'bit'], ['nice', '.be', 'ready', 'thursday'], ['allo', 'braved', 'bus', 'taken', 'train', 'triumphed', 'mean', 'ham', 'jolly', 'good', 'rest', 'week'], ['watching', 'cartoon', 'listening', 'music', 'amp', 'eve', 'temple', 'amp', 'church..'], ['mind', 'ask', 'happened', 'dont', 'say', 'uncomfortable'], ['private', '2003', 'account', 'statement', 'show', '800', 'un-redeemed', 'point', 'call', '08715203694', 'identifier', 'code', '40533', 'expires', '31/10/04'], ['prob', 'send', 'email'], ['1,000', 'cash', '2,000', 'prize', 'claim', 'call09050000327', 'rstm', 'sw7', '3', '150ppm'], ['thats', 'cool', 'sometimes', 'slow', 'gentle', 'sonetimes', 'rough', 'hard'], ['gon', 'say', 'sorry', 'would', 'normal', 'starting', 'panic', 'time', 'sorry', 'seeing', 'tuesday'], ['wait', 'know', 'wesley', 'town', 'bet', 'hella', 'drug'], ['fine', 'miss', 'much'], ['got', 'person', 'story'], ['tell', 'drug', 'dealer', 'getting', 'impatient'], ['sun', 'cant', 'come', 'earth', 'send', 'luv', 'ray', 'cloud', 'cant', 'come', 'river', 'send', 'luv', 'rain', 'cant', 'come', 'meet', 'send', 'care', 'msg', 'gud', 'evng'], ['place', 'man'], ['doesnt', 'make', 'sense', 'take', 'unless', 'free', 'need', 'know', 'wikipedia.com'], ['88800', '89034', 'premium', 'phone', 'service', 'call', '08718711108'], ['sea', 'lay', 'rock', 'rock', 'envelope', 'envelope', 'paper', 'paper', 'word', '...'], ['mum', 'repent'], ['sorry', 'going', 'home', 'first', '...', 'daddy', 'come', 'fetch', 'later', '...'], ['leave', 'start', 'prepare', 'next'], ['yes', 'baby', 'study', 'position', 'kama', 'sutra'], ['chikku', 'nange', 'bakra', 'msg', 'kalstiya..then', 'tea/coffee'], ['carlos', "'ll", 'minute', 'still', 'need', 'buy'], ['pay', 'decimal', 'lakh'], ['good', 'evening', 'ttyl'], ['receive', 'msg'], ['big', 'belly', 'laugh', 'see', 'tomo'], ['sm', 'sun0819', 'post', 'hello', 'seem', 'cool', 'wanted', 'say', 'stop', 'send', 'stop', '62468'], ['get', '1st', 'ringtone', 'free', 'reply', 'msg', 'tone', 'gr8', 'top', 'tone', 'phone', 'every', 'week', '£1.50', 'per', 'opt', 'send', 'stop', '08452810071'], ['ditto', "n't", 'worry', 'saying', 'anything', 'anymore', 'like', 'said', 'last', 'night', 'whatever', 'want', "'ll", 'peace'], ["'ve", 'got', 'way', 'could', 'pick'], ['dont', 'knw', 'drink', 'milk..'], ['maybe', 'say', 'find', 'got', 'card', 'great', 'escape', 'wetherspoons'], ['piggy', 'awake', 'bet', "'re", 'still', 'sleeping', 'going', 'lunch', '...'], ['cause', 'freaky', 'lol'], ['missed', 'call', 'cause', 'yelling', 'scrappy', 'miss', "n't", 'wait', 'come', 'home', 'lonely', 'today'], ["'hex", 'place', 'talk', 'explain'], ['log', 'wat', 'sdryb8i'], ['going', 'lunch'], ['sue', 'year', 'old', 'work', 'lapdancer', 'love', 'sex', 'text', 'live', 'bedroom', 'text', 'sue', '89555', 'textoperator', '1da', '150ppmsg', '18+'], ['wanted', 'ask', 'wait', 'finish', 'lect', 'co', 'lect', 'finish', 'hour', 'anyway'], ['finished', 'work', 'yet'], ['every', 'king', 'wa', 'cry', 'baby', 'every', 'great', 'building', 'wa', 'map..', 'imprtant', 'today', 'wil', 'reach', 'tomorw', 'gud', 'ni8'], ['dear', 'cherthala.in', 'case', 'coming', 'cochin', 'pls', 'call', 'bfore', 'start.i', 'shall', 'also', 'reach', 'accordingly.or', 'tell', 'day', 'coming.tmorow', 'engaged', 'holiday'], ['thanks', 'love', 'torch', 'bold'], ['forwarded', '448712404000', 'please', 'call', '08712404000', 'immediately', 'urgent', 'message', 'waiting'], ['wa', 'farm', 'open'], ['sorry', 'trouble', 'buy', 'dad', '1405', '1680', '1843', 'big', 'small', 'sat', 'sun', 'thanx'], ['sister', 'law', 'hope', 'great', 'month', 'saying', 'hey', 'abiola'], ['purchase', 'stuff', 'today', 'mail', 'box', 'number'], ['poop', 'look', 'like', 'ill', 'prob', 'send', 'laptop', 'get', 'fixed', 'cuz', 'gpu', 'problem'], ['good', 'good', 'job', 'like', 'entrepreneur'], ['aight', 'close', 'still', 'around', 'alex', 'place'], ['meet', 'corporation', 'outside', 'gap', 'see', 'mind', 'working'], ['mum', 'ask', 'buy', 'food', 'home', '...'], ['k..u', 'also', 'dont', 'msg', 'reply', 'msg..'], ['much', 'willing', 'pay'], ['sorry', "'ll", 'call', 'later'], ['important', 'prevent', 'dehydration', 'giving', 'enough', 'fluid'], ['thats', 'bit', 'weird', 'even', 'supposed', 'happening', 'good', 'idea', 'sure', 'pub'], ['true', 'dear..i', 'sat', 'pray', 'evening', 'felt', 'so.so', 'sm', 'time', '...'], ["n't", 'think', 'get', 'away', 'trek', 'long', 'family', 'town', 'sorry'], ['wan', 'gym', 'harri'], ['quite', 'late', 'lar', '...', 'ard', 'anyway', 'wun', 'drivin', '...'], ['review', 'keep', 'fantastic', 'nokia', 'n-gage', 'game', 'deck', 'club', 'nokia', 'www.cnupdates.com/newsletter', 'unsubscribe', 'alert', 'reply', 'word'], ['4mths', 'half', 'price', 'orange', 'line', 'rental', 'latest', 'camera', 'phone', 'free', 'phone', '11mths+', 'call', 'mobilesdirect', 'free', '08000938767', 'update', 'or2stoptxt'], ['height', 'confidence', 'aeronautics', 'professor', 'wer', 'calld', 'amp', 'wer', 'askd', 'sit', 'aeroplane', 'aftr', 'sat', 'wer', 'told', 'dat', 'plane', 'made', 'student', 'dey', 'hurried', 'plane..', 'didnt', 'move', '...', 'said', 'made', 'student', 'wont', 'even', 'start', '...', '...', 'datz', 'confidence..'], ['seems', 'like', 'weird', 'timing', 'night', 'want', 'come', 'smoke', 'day', 'shitstorm', 'attributed', 'always', 'coming', 'making', 'everyone', 'smoke'], ['08714712388', '10am-7pm', 'cost', '10p'], ['save', 'stress', 'person', 'dorm', 'account', 'send', 'account', 'detail', 'money', 'sent'], ['also', 'know', 'lunch', 'menu', 'know'], ['stuff', 'sell', 'i.ll', 'tell'], ['+449071512431', 'urgent', '2nd', 'attempt', 'contact', '£1250', 'call', '09071512433', '050703', 'csbcm4235wc1n3xx', 'callcost', '150ppm', 'mobilesvary', 'max£7'], ['book', 'lesson', 'msg', '...', 'call', 'work', 'sth', '...', 'going', 'get', 'spec', 'membership', 'px3748'], ['guaranteed', '£1000', 'cash', '£2000', 'prize', 'claim', 'prize', 'call', 'customer', 'service', 'representative', '08714712394', '10am-7pm'], ['macha', 'dont', 'feel', 'upset.i', 'assume', 'mindset.believe', 'one', 'evening', 'wonderful', 'plan', 'us.let', 'life', 'begin', 'again.call', 'anytime'], ['send', 'address'], ["s'fine", 'anytime', 'best'], ['wondar', 'full', 'flim'], ['even', 'cooky', 'jelly'], ['world', 'running', 'still.maybe', 'feeling', 'it.or', 'admit', 'mad.then', 'correction', 'let', 'call', 'life.and', 'keep', 'running', 'world', 'may', 'also', 'running.lets', 'run'], ['got', 'look', 'scrumptious', '...', 'daddy', 'want', 'eat', 'night', 'long'], ['co', 'lar', 'dao', '...', 'lor', '...', 'never', 'ask', '...', 'said', 'would', 'ask', 'fri', 'said', 'ask', 'today', '...'], ['alright', 'omw', 'got', 'change', 'order', 'half8th'], ['exactly', 'anyways', 'far', 'jide', 'study', 'visiting'], ['dunno', 'ask'], ['email', 'alertfrom', 'jeri', 'stewartsize', '2kbsubject', 'low-cost', 'prescripiton', 'drvgsto', 'listen', 'email', 'call', '123'], ["n't", 'spring', 'coming', 'early', 'yay'], ['lol', "n't", 'feel', 'bad', 'use', 'money', 'take', 'steak', 'dinner'], ['even', 'dont', 'get', 'trouble', 'convincing..just', 'tel', 'twice', 'tel', 'neglect', 'msg', 'dont', 'read', 'it..just', 'dont', 'reply'], ['leaving', 'qatar', 'tonite', 'search', 'opportunity.all', 'went', 'fast.pls', 'add', 'prayer', 'dear.rakhesh'], ['one', 'talking'], ['thanks', 'looking', 'really', 'appreciate'], ['customer', 'loyalty', 'offer', 'new', 'nokia6650', 'mobile', '£10', 'txtauction', 'txt', 'word', 'start', '81151', 'get', 'ctxt', '150p/mtmsg'], ['wish'], ['haha', 'mayb', "'re", 'rite', '...', 'know', 'well', 'feeling', 'liked', 'someone', 'lor', 'faster', 'find', 'one', 'gal', 'group', 'attached', 'liao'], ['yes', 'glad', 'made'], ['well', 'little', 'time', 'thing', 'good', 'time', 'ahead'], ['got', 'room', 'soon', "n't", 'put', 'clock', 'back', 'til', 'shouted', 'everyone', 'get', 'realised', 'wahay', 'another', 'hour', 'bed'], ['may', 'free', 'gym'], ['men', 'like', 'shorter', 'lady', 'gaze', 'eye'], ['dunno', 'jus', 'say', 'lido', 'time', '930'], ['promise', 'take', 'good', 'care', 'princess', 'run', 'please', 'send', 'pic', 'get', 'chance', 'ttyl'], ['subscribed', 'best', 'mobile', 'content', 'service', 'per', 'day', 'send', 'stop', '82324', 'helpline', '08706091795'], ['reason', "'ve", 'spoken', 'year', 'anyways', 'great', 'week', 'best', 'exam'], ['monday', 'next', 'week', 'give', 'full', 'gist'], ['realize', 'year', "'ll", 'thousand', 'old', 'lady', 'running', 'around', 'tattoo'], ['important', 'customer', 'service', 'announcement', 'premier'], ['dont', 'gim', 'lip', 'caveboy'], ['get', 'library'], ['realy', 'sorry-i', "n't", 'recognise', 'number', 'confused', 'please'], ['didnt', 'holla'], ['cant', 'think', 'anyone', 'spare', 'room', 'top', 'head'], ['faith', 'make', 'thing', 'possible', 'hope', 'make', 'thing', 'work', 'love', 'make', 'thing', 'beautiful', 'may', 'three', 'christmas', 'merry', 'christmas'], ['made', 'appointment'], ['call', 'you/carlos', 'is/are', 'phone', 'vibrate', 'acting', 'might', 'hear', 'text'], ['romantic', 'paris', 'night', 'flight', '£79', 'book', 'next', 'year', 'call', '08704439680ts', 'apply'], ['grandma', 'dear', 'still', 'ill', 'felt', 'shit', 'morning', 'think', 'hungover', 'another', 'night', 'leave', 'sat'], ['urgent', '£500', 'guaranteed', 'award', 'still', 'unclaimed', 'call', '09066368327', 'closingdate04/09/02', 'claimcode', 'm39m51', '£1.50pmmorefrommobile2bremoved-mobypobox734ls27yf'], ['nothing', 'jus', 'tot', 'would', 'ask', 'co', 'gua', '...', 'went', 'faber', 'yest', '...', 'yest', 'jus', 'went', 'already', 'mah', 'today', 'going', '...', 'jus', 'call', 'lor', '...'], ['wishing', 'family', 'merry', 'happy', 'new', 'year', 'advance..'], ['awarded', 'city', 'break', 'could', 'win', '£200', 'summer', 'shopping', 'spree', 'every', 'txt', 'store', '88039', 'skilgme', 'tscs087147403231winawk', 'age16', '£1.50perwksub'], ['goin', 'got', 'somethin', 'unless', 'meetin', 'dinner', 'lor', '...', 'haha', 'wonder', 'ti', 'time', '...'], ['sorry', "'ll", 'call', 'later'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['lol', 'know', "'re", 'dramatic', 'school', 'already', 'closed', 'tomorrow', 'apparently', "n't", 'drive', 'inch', 'snow', 'supposed', 'get'], ['getting', 'anywhere', 'damn', 'job', 'hunting'], ['lol', 'drunkard', 'hair', 'moment', 'yeah', 'still', 'tonight', 'wats', 'plan'], ['idc', 'get', 'weaseling', 'way', 'shit', 'twice', 'row'], ['wil', 'minute', 'got', 'space'], ['sleeping..and', 'surfing'], ['thanks', 'picking', 'trash'], ["n't", 'tell', 'friend', "'re", 'sure', 'want', 'live', 'smoke', 'much', 'spend', 'hour', 'begging', 'come', 'smoke'], ['kate', 'lovely', 'see', 'tonight', 'ill', 'phone', 'tomorrow', 'got', 'sing', 'guy', 'gave', 'card', 'xxx'], ['happy', 'new', 'year', 'dear', 'brother', 'really', 'miss', 'got', 'number', 'decided', 'send', 'text', 'wishing', 'happiness', 'abiola'], ['mean', 'get', 'door'], ['opinion', 'jada', 'kusruthi', 'lovable', 'silent', 'spl', 'character', 'matured', 'stylish', 'simple', 'pls', 'reply..'], ['hmmm', '...', 'thought', 'said', 'hour', 'slave', '...', 'late', '...', 'punish'], ['beerage'], ['important', 'customer', 'service', 'announcement', 'premier', 'call', 'freephone', '0800', '542', '0578'], ['dont', 'think', 'turn', 'like', 'randomlly', 'within', '5min', 'opening'], ['supposed', 'could', "n't", 'make', 'still', 'town', 'though'], ['time', 'fix', 'spelling', 'sometimes', 'get', 'completely', 'diff', 'word', 'figure'], ['ever', 'thought', 'living', 'good', 'life', 'perfect', 'partner', 'txt', 'back', 'name', 'age', 'join', 'mobile', 'community', '100p/sms'], ['free', 'top', 'polyphonic', 'tone', 'call', '087018728737', 'national', 'rate', 'get', 'toppoly', 'tune', 'sent', 'every', 'week', 'text', 'subpoly', '81618', 'per', 'pole', 'unsub', '08718727870'], ['gud', 'mrng', 'dear', 'hav', 'nice', 'day'], ['hoping', 'enjoyed', 'game', 'yesterday', 'sorry', "'ve", 'touch', 'pls', 'know', 'fondly', 'bein', 'thot', 'great', 'week', 'abiola'], ['best', 'driving', 'tmr'], ['dogbreath', 'sounding', 'like', 'jan', 'that\x92s'], ['omg', 'want', 'scream', 'weighed', 'lost', 'weight', 'woohoo'], ['generally', "n't", 'one', 'uncountable', 'noun', 'dictionary', 'piece', 'research'], ['really', 'getting', 'hanging', 'around'], ['orange', 'customer', 'may', 'claim', 'free', 'camera', 'phone', 'upgrade', 'loyalty', 'call', '0207', '153', '9996', 'offer', 'end', '14thmarch', 'apply', 'opt-out', 'availa'], ['petey', 'boy', 'whereare', 'friendsare', 'thekingshead', 'come', 'canlove', 'nic'], ['msg', 'leave', 'house'], ['gim', 'minute', 'ago'], ['last', 'chance', 'claim', '£150', 'worth', 'discount', 'voucher', 'today', 'text', 'shop', '85023', 'savamob', 'offer', 'mobile', 'savamob', 'pobox84', 'm263uz', '£3.00', 'sub'], ['appt', 'time', 'fault', "n't", 'listen', 'told', 'twice'], ['free', '1st', 'week', 'no1', 'nokia', 'tone', 'mobile', 'every', 'week', 'txt', 'nokia', '8077', 'get', 'txting', 'tell', 'mate', 'www.getzed.co.uk', 'pobox', '36504', 'w45wq', '16+', 'norm150p/tone'], ['guaranteed', '£200', 'award', 'even', '£1000', 'cashto', 'claim', 'award', 'call', 'free', '08000407165', '18+', 'stop', 'getstop', '88222', 'php', 'rg21', '4jx'], ["'ll"], ['dled', 'imp'], ['sure', 'make', 'sure', 'know', "n't", 'smokin', 'yet'], ['boooo', 'always', 'work', 'quit'], ['taking', 'half', 'day', 'leave', 'bec', 'well'], ['ugh', "n't", 'wan', 'get', 'bed', 'warm'], ['s.nervous'], ['ring', 'come', 'guy', 'costume', 'gift', 'future', 'yowifes', 'hint', 'hint'], ['congratulation', 'awarded', 'either', '£500', 'gift', 'voucher', 'free', 'entry', '£100', 'weekly', 'draw', 'txt', 'music', '87066', 'tncs', 'www.ldew.com1win150ppmx3age16'], ['borrow', 'bag'], ['outbid', 'simonwatson5120', 'shinco', 'dvd', 'plyr', 'bid', 'visit', 'sm', 'ac/smsrewards', 'end', 'bid', 'notification', 'reply', 'end'], ['boytoy', 'miss', '...', 'happened'], ['lot', 'used', 'one', 'babe', 'model', "n't", 'help', 'youi', 'bring', "'ll", 'match'], ['also', 'bringing', 'galileo', 'dobby'], ['responding'], ['boo', 'babe', 'enjoyin', 'yourjob', 'seemed', 'gettin', 'well', 'hunny', 'hope', 'ure', 'take', 'care', 'i\x92llspeak', 'soonlots', 'loveme', 'xxxx'], ['good', 'afternoon', 'starshine', 'boytoy', 'doe', 'crave', 'yet', 'ache', 'fuck', '*sips', 'cappuccino*', 'miss', 'babe', '*teasing', 'kiss*'], ['road', 'cant', 'txt'], ['smsservices', 'yourinclusive', 'text', 'credit', 'pls', 'goto', 'www.comuk.net', 'login=', '3qxj9', 'unsubscribe', 'stop', 'extra', 'charge', 'help', '08702840625.comuk', '220-cm2', '9ae'], ['25p', 'alfie', 'moon', 'child', 'need', 'song', 'mob', 'tell', 'm8s', 'txt', 'tone', 'charity', '8007', 'nokias', 'poly', 'charity', 'polys', 'zed', '08701417012', 'profit', 'charity'], ['good', 'evening', 'ttyl'], ['hmm', 'bit', 'piece', 'lol', '...', '*sighs*', '...'], ['hahaha..use', 'brain', 'dear'], ['hey', 'got', 'mail'], ['sorry', 'light', 'turned', 'green', 'meant', 'another', 'friend', 'wanted', 'worth', 'may', 'around'], ['thanks', 'yesterday', 'sir', 'wonderful', 'hope', 'enjoyed', 'burial', 'mojibiola'], ['secret', 'admirer', 'reveal', 'think', 'special', 'call', '09065174042', 'opt', 'reply', 'reveal', 'stop', '1.50', 'per', 'msg', 'recd', 'cust', 'care', '07821230901'], ['mate', 'hav', 'nice', 'hol', 'message', 'say', 'hello', 'coz', 'haven\x92t', 'sent', 'age', 'started', 'driving', 'stay', 'road', 'rvx'], ['dear', 'voucher', 'holder', 'claim', 'week', 'offer', 'please', 'http', '//www.e-tlp.co.uk/expressoffer', 'apply', 'stop', 'text', 'txt', 'stop', '80062'], ['thank', 'much', 'skyped', 'wit', 'sura', 'didnt', 'get', 'pleasure', 'company', 'hope', 'good', "'ve", 'given', 'ultimatum', 'countin', 'aburo', 'enjoy', 'message', 'sent', 'day', 'ago'], ['surely', 'result', 'offer'], ['good', 'morning', 'dear', '...', '...', '...', 'great', 'amp', 'successful', 'day'], ['want', '750', 'anytime', 'network', 'min', '150', 'text', 'new', 'video', 'phone', 'five', 'pound', 'per', 'week', 'call', '08002888812', 'reply', 'delivery', 'tomorrow'], ['sir', 'late', 'paying', 'rent', 'past', 'month', 'pay', 'charge', 'felt', 'would', 'inconsiderate', 'nag', 'something', 'give', 'great', 'cost', 'didnt', 'speak', 'however', 'recession', 'wont', 'able', 'pay', 'charge', 'month', 'hence', 'askin', 'well', 'ahead', 'month', 'end', 'please', 'help', 'thanks'], ['tried', 'contact', 'offer', 'new', 'video', 'phone', '750', 'anytime', 'network', 'min', 'half', 'price', 'rental', 'camcorder', 'call', '08000930705', 'reply', 'delivery', 'wed'], ['last', 'chance', 'claim', '£150', 'worth', 'discount', 'vouchers-text', 'yes', '85023', 'savamob-member', 'offer', 'mobile', '08717898035', '£3.00', 'sub', 'remove', 'txt', 'stop'], ['luv', 'soo', 'much', 'don\x92t', 'understand', 'special', 'ring', '2morrow', 'luv', 'xxx'], ['pls', 'send', 'comprehensive', 'mail', 'paying', 'much'], ['prashanthettan', 'mother', 'passed', 'away', 'last', 'night', 'pray', 'family'], ['urgent', 'call', '09066350750', 'landline', 'complimentary', 'ibiza', 'holiday', '10,000', 'cash', 'await', 'collection', 'sae', 'box', '434', 'sk3', '8wp', '150', 'ppm', '18+'], ['k.k', 'going'], ['meanwhile', 'shit', 'suite', 'xavier', 'decided', 'give', 'second', 'warning', 'samantha', 'coming', 'playing', 'jay', 'guitar', 'impress', 'shit', 'also', "n't", 'think', 'doug', 'realizes', "n't", 'live', 'anymore'], ['stomach', 'thru', 'much', 'trauma', 'swear', "n't", 'eat', 'better', 'lose', 'weight'], ['office', 'whats', 'matter..msg', 'now.i', 'call', 'break'], ['yeah', 'barely', 'enough', 'room', 'two', 'many', 'fucking', 'shoe', 'sorry', 'man', 'see', 'later'], ['today', 'offer', 'claim', '£150', 'worth', 'discount', 'voucher', 'text', 'yes', '85023', 'savamob', 'member', 'offer', 'mobile', '08717898035', '£3.00', 'sub', 'unsub', 'reply'], ['reach', 'orchard', 'already', 'wan', 'buy', 'ticket', 'first'], ['real', 'baby', 'want', 'bring', 'inner', 'tigress', '...'], ['run', 'activate', 'full', 'version'], ['poor', 'baby', 'hope', 'urfeeling', 'bettersn', 'luv', 'probthat', 'overdose', 'work', 'hey', 'careful', 'spk', 'lot', 'lovejen', 'xxx'], ['stop', 'story', "'ve", 'told', "'ve", 'returned', 'saying', 'order'], ['talk', 'sexy', 'make', 'new', 'friend', 'fall', 'love', 'world', 'discreet', 'text', 'dating', 'service', 'text', 'vip', '83110', 'see', 'could', 'meet'], ['going', 'take', 'babe'], ['hai', 'ana', 'tomarrow', 'coming', 'morning', 'decimal', 'ill', 'sathy', 'rto', 'office', 'reply', 'came', 'home'], ['spoon', 'okay'], ['say', 'somebody', 'named', 'tampa'], ['work', 'going', 'min'], ['brother', 'genius'], ['sorry', 'guess', 'whenever', 'get', 'hold', 'connection', 'maybe', 'hour', 'two', "'ll", 'text'], ['find', 'time', 'bus', 'coz', 'need', 'sort', 'stuff'], ['dude', 'ive', 'seeing', 'lotta', 'corvette', 'lately'], ['congratulation', 'awarded', 'either', 'yr', 'supply', 'cd', 'virgin', 'record', 'mystery', 'gift', 'guaranteed', 'call', '09061104283', 'www.smsco.net', '£1.50pm', 'approx', '3mins'], ['consider', 'wall', 'bunker', 'shit', 'important', 'never', 'play', 'peaceful', 'guess', 'place', 'high', 'enough', "n't", 'matter'], ['private', '2003', 'account', 'statement', '07808', 'xxxxxx', 'show', '800', 'un-redeemed', 'point', 'call', '08719899217', 'identifier', 'code', '41685', 'expires', '07/11/04'], ['hello', 'need', 'posh', 'bird', 'chap', 'user', 'trial', 'prod', 'champneys', 'put', 'need', 'address', 'dob', 'asap'], ['want', 'xmas', '100', 'free', 'text', 'message', 'new', 'video', 'phone', 'half', 'price', 'line', 'rental', 'call', 'free', '0800', '0721072', 'find'], ['well', 'officially', 'philosophical', 'hole', 'wan', 'call', 'home', 'ready', 'saved'], ['going', 'good', '...', 'problem..but', 'still', 'need', 'little', 'experience', 'understand', 'american', 'customer', 'voice', '...'], ["'ll", 'text', 'drop'], ['ugh', 'long', 'day', 'exhausted', 'want', 'cuddle', 'take', 'nap'], ['talk', 'atleast', 'day', '...', 'otherwise', 'miss', 'best', 'friend', 'world', '...', '-shakespeare-', 'shesil'], ['shop', 'till', 'drop', 'either', '10k', '£500', 'cash', '£100', 'travel', 'voucher', 'call', '09064011000', 'ntt', 'box', 'cr01327bt', 'fixedline', 'cost', '150ppm', 'mobile', 'vary'], ['castor', 'need', 'see', 'something'], ['sunshine', 'quiz', 'wkly', 'win', 'top', 'sony', 'dvd', 'player', 'know', 'country', 'liverpool', 'played', 'mid', 'week', 'txt', 'ansr', '82277', '£1.50', 'tyrone'], ['secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09058094565'], ['secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09065171142-stopsms-08'], ['reminder', 'downloaded', 'content', 'already', 'paid', 'goto', 'http', '//doit', 'mymoby', 'tv/', 'collect', 'content'], ['see', 'knew', 'giving', 'break', 'time', 'woul', 'lead', 'always', 'wanting', 'miss', 'curfew', 'gon', 'gibe', "'til", 'one', 'midnight', 'movie', 'gon', 'get', 'til', 'need', 'come', 'home', 'need', 'getsleep', 'anything', 'need', 'studdying', 'ear', 'training'], ['love', 'give', 'massage', 'use', 'lot', 'baby', 'oil', '...', 'fave', 'position'], ['dude', 'sup'], ['yoyyooo', 'know', 'change', 'permission', 'drive', 'mac', 'usb', 'flash', 'drive'], ['gibbs', 'unsold.mike', 'hussey'], ['like', 'talk', 'able', 'dont', 'know'], ['dun', 'cut', 'short', 'leh', 'dun', 'like', 'failed', 'quite', 'sad'], ['unbelievable', 'faglord'], ['wife.how', 'knew', 'time', 'murder', 'exactly'], ['ask', 'princess'], ['great', 'princess', 'thinking'], ['nutter', 'cutter', 'ctter', 'cttergg', 'cttargg', 'ctargg', 'ctagg'], ['noe', "'re", 'busy', 'really', 'bored', 'msg', 'oso', 'dunno', 'wat', 'colour', 'choose', 'one'], ['doe', "n't", 'class', 'early', 'tomorrow', 'thus', "n't", 'trying', 'smoke'], ['superb', 'thought-', 'grateful', 'dont', 'everything', 'want', 'mean', 'still', 'opportunity', 'happier', 'tomorrow', 'today'], ['hope', 'good', 'week', 'checking'], ['used', 'hope', 'agent', "n't", 'drop', 'since', "'ve", 'booked', 'thing', 'year', 'whole', 'boston', 'nyc', 'experiment'], ['thursday', 'night', 'yeah', 'sure', 'thing', "'ll", 'work'], ['free', 'ringtone', 'waiting', 'collected', 'simply', 'text', 'password', 'mix', '85069', 'verify', 'get', 'usher', 'britney', 'fml', 'box', '5249', 'mk17', '92h', '450ppw'], ['probably', 'money', 'worry', 'thing', 'coming', 'due', 'several', 'outstanding', 'invoice', 'work', 'two', 'three', 'month', 'ago'], ['possible', 'teach'], ['wonder', 'phone', 'battery', 'went', 'dead', 'tell', 'love', 'babe'], ['lovely', 'smell', 'bus', "n't", 'tobacco', '...'], ["'re", 'getting', 'worried', 'derek', 'taylor', 'already', 'assumed', 'worst'], ['hey', 'charles', 'sorry', 'late', 'reply'], ['lastest', 'stereophonics', 'marley', 'dizzee', 'racal', 'libertine', 'stroke', 'win', 'nookii', 'game', 'flirt', 'click', 'themob', 'wap', 'bookmark', 'text', 'wap', '82468'], ['i.ll', 'give', 'plus', 'said', 'grinule', 'greet', 'whenever', 'speak'], ['white', 'fudge', 'oreo', 'store'], ['january', 'male', 'sale', 'hot', 'gay', 'chat', 'cheaper', 'call', '08709222922', 'national', 'rate', '1.5p/min', 'cheap', '7.8p/min', 'peak', 'stop', 'text', 'call', '08712460324', '10p/min'], ['love', 'come', 'took', 'long', 'leave', 'zaher', 'got', 'word', 'happy', 'see', 'sad', 'left', 'miss'], ['sorry', 'hurt'], ["n't", 'feel', 'nauseous', 'pissed', "n't", 'eat', 'sweet', 'week', 'cause', 'today', 'planning', 'pig', 'dieting', 'week', 'hungry'], ['lor', 'early', 'still', 'project', 'meeting'], ['call', 'waiting', 'call'], ['could', 'ask', 'carlos', 'could', 'get', 'anybody', 'else', 'chip'], ['wa', 'actually', 'send', 'reminder', 'today', 'wonderful', 'weekend'], ['people', 'see', 'msg', 'think', 'iam', 'addicted', 'msging', '...', 'wrong', 'bcoz', "don\\'t", 'know', 'iam', 'addicted', 'sweet', 'friends..', 'bslvyl'], ['hey', 'gave', 'photo', 'registered', 'driving', 'tmr', 'wan', 'meet', 'yck'], ['dont', 'talk', 'ever', 'word'], ['wana', 'see'], ['way', 'school', 'pls', 'send', 'ashley', 'number'], ['shall', 'fine', 'avalarr', 'hollalater'], ['went', 'attend', 'another', 'two', 'round', 'today..but', 'still', "did't", 'reach', 'home..'], ['actually', 'deleted', 'old', 'website..now', 'blogging', 'magicalsongs.blogspot.com'], ['wait', 'chikku..il', 'send', 'aftr', 'min'], ['diet', 'ate', 'many', 'slice', 'pizza', 'yesterday', 'ugh', 'always', 'diet'], ['give', 'kvb', 'acc', 'detail'], ['come'], ['money', 'lucky', 'winner', 'claim', 'prize', 'text', 'money', '88600', '£1million', 'give', 'away', 'ppt150x3+normal', 'text', 'rate', 'box403', 'w1t1jy'], ['really', 'sorry', "n't", 'able', 'friday.hope', 'find', 'alternative.hope', 'term', 'going'], ['congratulation', 'ore', 'owo', 'enjoy', 'wish', 'many', 'happy', 'moment', 'fro', 'wherever'], ['samus', 'shoulder', 'yet'], ['time', 'think', "'ll", 'need', 'know', 'near', 'campus'], ['dear', 'matthew', 'please', 'call', '09063440451', 'landline', 'complimentary', '4*lux', 'tenerife', 'holiday', '£1000', 'cash', 'await', 'collection', 'ppm150', 'sae', 'box334', 'sk38xh'], ['dun', 'wear', 'jean', 'lor', '...'], ['since', 'side', 'fever', 'vomitin'], ['k.are', 'college'], ['urgent', 'call', '09061749602', 'landline', 'complimentary', 'tenerife', 'holiday', '£10,000', 'cash', 'await', 'collection', 'sae', 'box', '528', 'hp20', '1yf', '150ppm', '18+'], ['better', 'made', 'friday', 'stuffed', 'like', 'pig', 'yesterday', 'feel', 'bleh', 'least', 'writhing', 'pain', 'kind', 'bleh'], ['sell', "'ll", 'ton', 'coin', 'sell', 'coin', 'someone', 'thru', 'paypal', 'voila', 'money', 'back', 'life', 'pocket'], ['theyre', 'lot', 'place', 'hospital', 'medical', 'place', 'safe'], ['getting', 'touch', 'folk', 'waiting', 'company', 'txt', 'back', 'name', 'age', 'opt', 'enjoy', 'community', '150p/sms'], ['also', "'ve", 'sorta', 'blown', 'couple', 'time', 'recently', 'rather', 'text', 'blue', 'looking', 'weed'], ['sent', 'score', 'sophas', 'secondary', 'application', 'school', 'think', 'thinking', 'applying', 'research', 'cost', 'also', 'contact', 'joke', 'ogunrinde', 'school', 'one', 'le', 'expensive', 'one'], ['cant', 'wait', 'see', 'photo', 'useful'], ['cash-balance', 'currently', '500', 'pound', 'maximize', 'cash-in', 'send', '86688', '150p/msg', '08718720201', 'box', '114/14', 'tcr/w1'], ['hey', 'booked', 'sat', 'already', '...', 'lesson', 'going', 'keep', 'sat', 'night', 'free', 'need', 'meet', 'confirm', 'lodging'], ['chk', 'belovd', 'dict'], ['time', 'want', 'come'], ['awesome', 'lem', 'know', 'whenever', "'re", 'around'], ['shb', 'lor', '...', 'thanx', '...'], ['beautiful', 'truth', 'gravity..', 'read', 'carefully', 'heart', 'feel', 'light', 'someone', 'it..', 'feel', 'heavy', 'someone', 'leaf', 'it..', 'good', 'night'], ['also', 'remember', 'get', 'dobby', 'bowl', 'car'], ['filthy', 'story', 'girl', 'waiting'], ['sorry', 'msg', '...', 'yar', 'lor', 'poor', 'thing', '...', 'one', 'night', '...', 'tmr', "'ll", 'brand', 'new', 'room', 'sleep', '...'], ['love', "n't", 'decision', 'feeling', 'could', 'decide', 'love', 'life', 'would', 'much', 'simpler', 'le', 'magical'], ['welp', 'apparently', 'retired'], ['sort', 'code', 'acc', 'bank', 'natwest', 'reply', 'confirm', "'ve", 'sent', 'right', 'person'], [], ['sure', "n't", 'take', 'sick', 'time'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£800', 'prize', 'guaranteed', 'call', '09050001808', 'land', 'line', 'claim', 'm95', 'valid12hrs'], ['watching', 'cartoon', 'listening', 'music', 'amp', 'eve', 'temple', 'amp', 'church..'], ['chad', 'gymnastics', 'class', 'wan', 'take', 'site', 'say', 'christian', 'class', 'full..'], ['much', 'buzy'], ['better', 'still', 'catch', 'let', 'ask', 'sell'], ['sure', 'night', 'menu', 'know', 'noon', 'menu'], ['want', 'come', 'back', 'beautiful', 'necklace', 'token', 'heart', 'you.thats', 'give', 'wife', 'liking.be', 'see..no', 'one', 'give', 'that.dont', 'call', 'me.i', 'wait', 'till', 'come'], ['willing', 'aptitude', 'class'], ['wont', '2.15', 'trying', 'sort', 'house'], ['yar', 'lor', 'wan', 'horse', 'racing', 'today', 'mah', 'eat', 'earlier', 'lor', 'ate', 'chicken', 'rice'], ['haha', 'awesome', 'omw', 'back'], ['yup', 'thk', 'shop', 'close', 'lor'], ['account', 'number'], ['send', 'wrongly', 'lar', '...'], ['hey', 'crap', 'nite', 'borin', 'without', 'boggy', 'boring', 'biatch', 'thanx', 'wait', 'til', 'nxt', 'time', 'ave'], ['shall', 'talk'], ['dont', 'hesitate', 'know', 'second', 'time', 'weakness', 'like', 'keep', 'notebook', 'eat', 'day', 'anything', 'changed', 'day', 'sure', 'nothing'], ['hey', 'pay', 'salary'], ['another', 'month', 'need', 'chocolate', 'weed', 'alcohol'], ['started', 'searching', 'get', 'job', 'days.he', 'great', 'potential', 'talent'], ['reckon', 'need', 'town', 'eightish', 'walk', 'carpark'], ['congrats', 'mobile', 'videophones', 'call', '09063458130', 'videochat', 'wid', 'mate', 'play', 'java', 'game', 'dload', 'polyph', 'music', 'noline', 'rentl'], ['look', 'fuckin', 'time', 'fuck', 'think'], ['guess', 'dropped'], ['carlos', 'say', "'ll", 'minute'], ['office', 'call', 'min'], ['geeee', '...', 'miss', 'already', 'know', 'think', 'fuck', "n't", 'wait', 'till', 'next', 'year', 'together', '...', '*loving', 'kiss*'], ['yun', 'ah.the', 'ubi', 'one', 'say', 'wan', 'call', 'tomorrow.call', '67441233', 'look', 'irene.ere', 'got', 'bus8,22,65,61,66,382', 'ubi', 'cres', 'ubi', 'tech', 'park.6ph', '1st', '5wkg', 'days.èn'], ['ugh', 'got', 'drive', 'back', 'butt', 'sore'], ['26th', 'july'], ['relaxing', 'time', 'ever', 'get', '7am', 'every', 'day', 'party', 'good', 'night', 'get', 'home', 'tomorrow', '5ish'], ['...', 'wan', 'come', 'come', 'lor', '...', 'din', 'stripe', 'skirt', '...'], ['xmas', 'story', 'peace..', 'xmas', 'msg', 'love..', 'xmas', 'miracle', 'jesus..', 'hav', 'blessed', 'month', 'ahead', 'amp', 'wish', 'merry', 'xmas', '...'], ["n't", "n't", 'number'], ['change', '...', 'one', 'next', 'escalator', '...'], ['yetunde', 'class', 'run', 'water', 'make', 'ok.', 'pls'], ['lot', 'happened', 'feel', 'quiet', 'beth', 'aunt', 'charlie', 'working', 'lot', 'helen'], ['wait', 'bus', 'stop', 'aft', 'lect', 'lar', 'dun', 'get', 'car', 'come', 'back', 'pick'], ['aight', 'thanks', 'comin'], ['no..but', 'heard', 'abt', 'tat..'], ['please', 'call', 'customer', 'service', 'representative', 'freephone', '0808', '145', '4742', '9am-11pm', 'guaranteed', '£1000', 'cash', '£5000', 'prize'], ['yes..he', 'really', 'great..bhaji', 'told', 'kallis', 'best', 'cricketer', 'sachin', 'world', '.very', 'tough', 'get'], ['think', 'say', 'syllabus'], ['umma', 'say', 'anything'], ['give', 'sec', 'think', 'think'], ['panasonic', 'bluetoothhdset', 'free', 'nokia', 'free', 'motorola', 'free', 'doublemins', 'doubletxt', 'orange', 'contract', 'call', 'mobileupd8', '08000839402', 'call', '2optout'], ["n't", 'quite', 'know', 'still', "n't", 'get', 'hold', 'anyone', 'cud', 'pick', 'bout', '7.30pm', 'see', "'re", 'pub'], ['poyyarikatur', 'kolathupalayam', 'unjalur', 'post', 'erode', 'dis'], ['dear', 'hero', 'leaving', 'qatar', 'tonite', 'apt', 'opportunity.pls', 'keep', 'touch', 'email', 'kerala'], ['lol', 'would', 'mom', 'would', 'fit', 'tell', 'whole', 'family', 'crazy', 'terrible'], ['got', 'home', 'babe', 'still', 'awake'], ['dunno', 'close', 'oredi', '...', 'fan', '...'], ['buy', 'pizza', 'meat', 'lover', 'supreme', 'get', 'pick'], ['told..she', 'asking', 'wats', 'matter'], ['dear', 'regret', 'cudnt', 'pick', 'call.drove', 'frm', 'ctla', 'cochin', 'home.left', 'mobile', 'car..ente', 'style', 'ishtamayoo', 'happy', 'bakrid'], ['free', '1st', 'week', 'no1', 'nokia', 'tone', 'mob', 'every', 'week', 'txt', 'nokia', '8007', 'get', 'txting', 'tell', 'mate', 'www.getzed.co.uk', 'pobox', '36504', 'w45wq', 'norm150p/tone', '16+'], ['shall', 'send', 'exe', 'mail'], ['nope', 'watching', 'home', '...', 'going', 'bored', '...'], ['know..wait', 'check'], ['good', 'afternoon', 'glorious', 'anniversary', 'day', 'sweet', 'hope', 'find', 'happy', 'content', 'prey', 'think', 'send', 'teasing', 'kiss', 'across', 'sea', 'coaxing', 'image', 'fond', 'souveniers', '...', 'cougar-pen'], ['guess', 'somebody', 'know', 'secretly', 'fancy', 'wan', 'find', 'give', 'call', '09065394514', 'landline', 'datebox1282essexcm61xn', '150p/min'], ['still', 'tonight'], ['may', 'call', 'later', 'pls'], ['ha', "n't", 'pattern', 'recently', 'crap', 'weekend'], ['sore', 'throat', 'scratch', 'talk'], ['yes', 'plm', 'office'], ['around', 'still', 'asleep'], ['lol', 'forgot', 'yes', "'ll", 'bring', 'babe'], ['good', "'ll", 'find', 'way'], ['use', 'foreign', 'stamp', 'country', 'good', 'lecture'], ['yup', 'bathe', 'liao', '...'], ['happy', 'new', 'year', 'no.1', 'man'], ['sheffield', 'wan', 'play', 'game', 'okay', "'re", 'bos', 'nanny', 'give', 'raise', "'ll", 'give', 'one'], ['zoe', 'hit', 'fucking', 'shitin', 'defo', 'try', 'hardest', 'cum', '2morow', 'luv', 'million', 'lekdog'], ['hello', 'baby', 'get', 'back', 'mom', 'setting', 'computer', 'filling', 'belly', 'go', 'loverboy', 'miss', 'already', '...', '*sighs*'], ['blanket', 'sufficient', 'thx'], ['naughty', 'little', 'thought', "'its", 'better', 'flirt', 'flirt', 'flirt', 'rather', 'loving', 'someone', 'gettin', 'hurt', 'hurt', 'hurt', '...', 'gud', 'nyt'], ['edison', 'rightly', 'said', 'fool', 'ask', 'question', 'wise', 'man', 'answer', 'know', 'speechless', 'viva..', 'gnt'], ['talking', 'thats', 'wont'], ['today', 'going', 'college', 'able', 'atten', 'class'], ['class', 'holla', 'later'], ['easy', 'sen', 'got', 'selected', 'mean', 'good..'], ['mmm', 'thats', 'better', 'got', 'roast', 'i\x92d', 'better', 'drink', 'good', 'indian'], ['know', 'someone', 'know', 'fancy', 'call', '09058097218', 'find', 'pobox', 'ls15hb', '150p'], ['come', 'round'], ['thing', 'change', 'sentence', 'want', 'concentrate', 'educational', 'career', 'leaving', 'here..'], ['1000', 'flirting', 'txt', 'girl', 'bloke', 'name', 'age', 'girl', 'zoe', '8007', 'join', 'get', 'chatting'], ['walked', 'hour', 'doesn\x92t', 'show', 'care', 'wont', 'believe', 'serious'], ['day', 'euro2004', 'kickoff', 'kept', 'informed', 'latest', 'news', 'result', 'daily', 'unsubscribe', 'send', 'get', 'euro', 'stop', '83222'], ['available', 'soiree', 'june', '3rd'], ['noe', 'wat', 'time', 'place', 'dat', 'sell', 'close'], ['got', 'another', 'job', 'one', 'hospital', 'data', 'analysis', 'something', 'start', 'monday', 'sure', 'thesis', 'got', 'finished'], ['jay', 'getting', 'really', 'impatient', 'belligerent'], ['hiya', 'comin', 'bristol', 'week', 'april', 'le', 'got', 'rudi', 'new', 'yr', 'eve', 'wa', 'snoring.they', 'drunk', 'bak', 'college', 'yet', 'work', 'sends', 'ink', 'bath'], ['work', 'please', 'call'], ['drive', 'lor'], ['ard', '515', 'like', 'dat'], ['tell', "'re", 'female', "'re", 'throwing', "'re", 'deciding', 'get'], ['eastenders', 'quiz', 'flower', 'dot', 'compare', 'violet', 'tulip', 'lily', 'txt', '84025', 'chance', 'win', '£100', 'cash', 'wkent/150p16+'], ['working', 'technical', 'support', 'voice', 'process.networking', 'field'], ['might', 'come', 'kerala', 'days.so', 'prepared', 'take', 'leave', 'finalise', '.dont', 'plan', 'travel', 'visit.need', 'finish', 'urgent', 'work'], ['ok.', 'sure', 'time', 'tho', 'sure', 'get', 'library', 'class', 'try', 'see', 'point', 'good', 'eve'], ['new', 'local', 'date', 'area', 'lot', 'new', 'people', 'registered', 'area', 'reply', 'date', 'start', 'www.flirtparty.us', 'replys150'], ['fine', "'ll", 'bitch', 'later'], ['mum', 'went', 'dentist'], ['free', 'call', 'sir', 'waiting'], ['meeting', 'work', 'tel', 'shall', 'work', 'tomorrow'], ['someone', 'know', 'asked', 'dating', 'service', 'contact', 'cant', 'guess', 'call', '09058091854', 'revealed', 'box385', '6wu'], ['jus', 'finish', 'bathing', '...'], ['alright', "'ll", 'make', 'sure', 'car', 'back', 'tonight'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£800', 'prize', 'guaranteed', 'call', '09050003091', 'land', 'line', 'claim', 'c52', 'valid12hrs'], ['dear', "'ve", 'invited', 'xchat', 'final', 'attempt', 'contact', 'txt', 'chat', '86688'], ['lul', 'gettin', 'juicy', 'gossip', 'hospital', 'two', 'nurse', 'talking', 'fat', 'gettin', 'one', 'think', 'shes', 'obese', 'oyea'], ['aight', 'ill', 'get', 'couple', 'minute'], ['ami', 'parchi', 'kicchu', 'kaaj', 'korte', 'iccha', 'korche', 'phone', 'tul', 'plz', 'plz'], ['download', 'clear', 'movie', 'dvd', 'copy'], ['yep', 'pretty', 'sculpture'], ['convey', 'regard'], ['watching', 'surya', 'movie', '.after', 'vijay', 'movie', 'pokkiri'], ['tell', 'happen', 'dont', 'behave', 'like', 'need', 'say'], ['get', 'pic', 'msg', 'phone'], ['send', 'someone', 'else'], ['wat', 'make', 'people', 'dearer', 'happiness', 'dat', 'feel', 'meet', 'pain', 'feel', 'miss', 'dem'], ['love', 'start', 'attraction.i', 'feel', 'need', 'every', 'time', 'around', 'me.she', 'first', 'thing', 'come', 'thoughts.i', 'would', 'start', 'day', 'end', 'her.she', 'every', 'time', 'dream.love', 'every', 'breath', 'name.my', 'life', 'happen', 'around', 'her.my', 'life', 'named', 'her.i', 'would', 'cry', 'her.will', 'give', 'happiness', 'take', 'sorrows.i', 'ready', 'fight', 'anyone', 'her.i', 'love', 'craziest', 'thing', 'her.love', "n't", 'proove', 'anyone', 'girl', 'beautiful', 'lady', 'whole', 'planet.i', 'always', 'singing', 'praise', 'her.love', 'start', 'making', 'chicken', 'curry', 'end', 'makiing', 'sambar.life', 'beautiful', 'then.will', 'get', 'every', 'morning', 'thank', 'god', 'day', 'me.i', 'would', 'like', 'say', 'lot..will', 'tell', 'later..'], ["fr'ndship", 'like', 'needle', 'clock', 'though', 'clock', 'able', 'met', 'evn', 'meet', 'itz', '4few', 'second', 'alwys', 'stay', 'conected', 'gud'], ["n't", 'think', 'spatula', 'hand'], ['never', 'nothing'], ['awarded', 'sipix', 'digital', 'camera', 'call', '09061221061', 'landline', 'delivery', 'within', '28days', 'box177', 'm221bp', '2yr', 'warranty', '150ppm', 'p£3.99'], ['goodmorning', 'today', 'late', 'decimal', 'min'], ['win', 'urgent', 'mobile', 'number', 'awarded', '£2000', 'prize', 'guaranteed', 'call', '09061790121', 'land', 'line', 'claim', '3030', 'valid', '12hrs', '150ppm'], ['please', 'call', 'mistake', 'side', 'sorry', 'pls', 'goto', 'doctor'], ['meeting'], ['well', 'weather', 'cali', 'great', 'complexity', 'great', 'need', 'car', 'move', 'freely', 'tax', 'outrageous', 'great', 'place', 'sad', 'part', 'missing', 'home'], ['reached', 'home', 'tired', 'come', 'tomorro'], ['ryder', 'unsold.now', 'gibbs'], ['dear', 'subscriber', 'draw', '£100', 'gift', 'voucher', 'entered', 'receipt', 'correct', 'elvis', 'presley', 'birthday', 'txt', 'answer', '80062'], ["n't", 'fret', "'ll", 'buy', 'ovulation', 'test', 'strip', 'send', 'wont', 'get', 'til', 'like', 'march', 'send', 'postal', 'address.u', "'ll", 'alright.okay'], ['gift', 'trying', 'get', 'throw', 'cliff', 'something'], ['thing', 'interesting', 'good', 'birthday', 'wrking', 'nxt', 'started', 'uni', 'today'], ['busy', 'come', 'point', 'figure', "'re", 'tomorrow'], ['yeah', 'bored', 'depressed', 'sittin', 'waitin', 'phone', 'ring', '...', 'hope', 'wind', 'drop', 'though', 'scary'], ['black', 'shirt', 'blue', 'jean', '...', 'thk', '...'], ['aiyah', 'sorry', 'lor', '...', 'watch', 'watch', 'forgot', 'check', 'phone'], ['message', 'important', 'information', 'user', 'today', 'lucky', 'day', 'find', 'log', 'onto', 'http', '//www.urawinner.com', 'fantastic', 'surprise', 'awaiting'], ['hen', 'night', 'going', 'swing'], ['good', 'afternoon', 'love', 'go', 'day', 'woke', 'early', 'online', 'waiting', '...', 'hmmm', '...', 'italian', 'boy', 'online', 'see', '*grins*'], ['someone', 'smoke', 'every', 'time', "'ve", 'smoked', 'last', 'two', 'week', 'calling', 'texting', 'wanted', 'smoke'], ["'ll", 'get', 'headache', 'trying', 'figure', 'trust', 'math', 'promise'], ['s..first', 'time..dhoni', 'rock', '...'], ['ill', 'tell', 'company'], ['awesome', 'think', 'get', '8th', 'usf', 'time', 'tonight'], ['mean', 'still', 'think', 'teju'], ['good', 'movie', 'leave', 'hourish'], ['kallis', 'home', 'ground.amla', 'home', 'town', 'durban'], ['let', 'make', 'saturday', 'monday', 'per', 'convenience'], ['hey', '...', 'time', 'driving', 'fri', 'evaluation', 'fri'], ['449050000301', '£2,000', 'price', 'claim', 'call', '09050000301'], ['going', 'lunch', 'wif', 'family', 'aft', 'dat', 'str', 'orchard', 'lor'], ['bored', 'speed', 'dating', 'try', 'speedchat', 'txt', 'speedchat', '80155', "n't", 'like', 'txt', 'swap', 'get', 'new', 'chatter', 'chat80155', 'pobox36504w45wq', '150p/msg', 'rcd'], ['cancel', 'cheyyamo', 'get', 'money', 'back'], ['want', '750', 'anytime', 'network', 'min', '150', 'text', 'new', 'video', 'phone', 'five', 'pound', 'per', 'week', 'call', '08000776320', 'reply', 'delivery', 'tomorrow'], ['ok.ok', 'ok..then..whats', 'today', 'plan'], ['good', 'morning', 'princess'], ['aiyar', 'sorry', 'lor', 'forgot', 'tell', '...'], ['taking', 'part', 'mobile', 'survey', 'yesterday', '500', 'text', 'use', 'however', 'wish', 'get', 'txts', 'send', 'txt', '80160', 'www.txt43.com', '1.50p'], ['tonight', 'mate', 'catching', 'sleep', 'new', 'number', 'way'], ['height', 'shit', '...', 'situation', 'guy', 'throw', 'luv', 'letter', 'gal', 'fall', 'brother', 'head', 'gay'], ['hmv', 'quiz', 'cash-balance', 'currently', '£500', 'maximize', 'cash-in', 'send', 'hmv1', '86688', '150p/msg'], ['check', 'error', 'difficulty', 'correction'], ['howz', 'pain', 'hope', 'fine..'], ['sorry', "'ll", 'call', 'later'], ['good', 'morning', 'princess'], ['entered', 'cabin', 'said', 'happy', "b'day", 'bos', 'felt', 'special', 'askd', 'lunch', 'lunch', 'invited', 'apartment', 'went'], ['wake', 'already', 'thanx', 'tau', 'sar', 'piah', 'quite', 'nice'], ['need', 'login', 'anything'], ['dont', 'forget', 'place', 'many', 'free', 'request', '1stchoice.co.uk', 'wish', 'information', 'call', '08707808226'], ['lol', '...', 'busy'], ['wearing'], ['message', 'text', 'missing*', 'sender', 'name', 'missing*', '*number', 'missing', '*sent', 'date', 'missing', '*missing', 'lot', 'thats', 'everything', 'missing', 'sent', 'via', 'fullonsms.com'], ['usual', 'vijay', 'film', 'different'], ["n't", 'know', "n't", 'know', 'send', 'chat', '86688', 'let', 'find', '150p/msg', 'rcvd', 'hg/suite342/2lands/row/w1j6hl', 'ldn', 'year'], ['good', 'day', 'mine', 'really', 'busy', 'much', 'tomorrow', 'night'], ['way', 'send', 'shade', 'stuff', 'wonderful'], ['really', '...', 'tot', 'paper', 'ended', 'long', 'ago', '...', 'wat', 'copied', 'jus', 'got', 'use', 'happy', 'lar', '...', 'still', 'haf', 'study'], ['thank', 'winner', 'notified', 'sm', 'good', 'luck', 'future', 'marketing', 'reply', 'stop', '84122', 'customer', 'service', '08450542832'], ['babe', 'lost', '...'], ['...', 'help', 'ask', 'working', 'tmr'], ['driving', '...', 'raining', "'ll", 'get', 'caught', 'mrt', 'station', 'lor'], ['drop', 'tank'], ['said', 'text', 'one', 'time'], ['sorry', "'ll", 'call', 'later'], ['change', 'also', '...'], ['1000', 'girl', 'many', 'local', 'virgin', 'ready', '4fil', 'every', 'sexual', 'need', '4fil', 'text', 'cute', '69911', '£1.50p'], ['find', 'sitter', 'kaitlyn', 'sick', 'slept', 'day', 'yesterday'], ['sorry', 'man', 'accidentally', 'left', 'phone', 'silent', 'last', 'night', "n't", 'check', 'til', 'got'], ['hey..', 'something', 'came', 'last', 'min..', 'think', 'wun', 'signing', 'tmr..', 'hee'], ['adult', 'would', 'learn', 'experience', 'real', 'danger', 'dont', 'like', 'peep', 'using', 'drug', 'dont', 'need', 'comment'], ['hey', 'veggie', 'pizza', '...'], ['yun', 'buying', '...', 'school', 'got', 'offer', '2000', 'plus', '...'], ['sure', 'neighbor', 'didnt', 'pick'], ['sent'], ['free', 'entry', 'wkly', 'comp', 'win', 'cup', 'final', 'tkts', '21st', 'may', '2005', 'text', '87121', 'receive', 'entry', 'question', 'std', 'txt', 'rate', 'apply', '08452810075over18'], ['new', 'theory', 'argument', 'win', 'situation', 'loses', 'person', 'dont', 'argue', 'friend', 'just..', 'kick', 'amp', 'say', 'always', 'correct'], ['well', 'computerless', 'time', 'make', 'oreo', 'truffle'], ['haha', 'yeah', 'see', 'sec'], ['number', 'sir'], ['lol', 'hot', 'air', 'balloon'], ['bus', 'come', 'soon', 'come', 'otherwise', 'tomorrow'], ['msg', 'time', 'pass.they', 'silently', 'say', 'thinking', 'right', 'also', 'making', 'think', 'least', 'moment', 'nt.swt', 'drms', 'shesil'], ['yeah', 'probably', 'swing', 'roommate', 'finish', 'girl'], ['got', 'take', 'take', 'part', 'wrc', 'rally', 'lucozade', 'energy', 'text', 'rally', '61200', '25p', 'see', 'pack', 'lucozade.co.uk/wrc', 'itcould'], ['happy', 'new', 'year', 'melody'], ['dun', 'need', 'pick'], ['yay', 'better', 'told', 'girl', 'either'], ['horrible', 'eat', 'mac', 'eat', 'forgot', 'abt', 'already', 'rite', '...', 'take', 'long', 'reply', 'thk', 'toot', 'prepared', 'wat', 'shall', 'eat'], ['say', 'fantastic', 'chance', 'anything', 'need', 'bigger', 'life', 'lift', 'losing', 'live', 'think', 'would', 'first', 'person', 'die'], ['came', 'hme', 'da..'], ['outside', 'island', 'head', 'towards', 'hard', 'rock', "'ll", 'run'], ['day', 'class', 'class'], ['chennai', 'velachery'], ['flippin', 'shit', 'yet'], ['give', 'sec', 'breaking', 'cstore'], ['much', 'bad', 'avoid', 'like'], ['around', 'got', 'car', 'back'], ['annoying', "n't"], ['goodmorning', 'today', 'late', 'min'], ['point', 'hangin', 'right', 'makin', 'happy'], ['come', 'alive.better', 'correct', 'good', 'looking', 'figure', 'itself..'], ['case', 'guess', "'ll", 'see', 'campus', 'lodge'], ["'re", 'done', '...'], ['come', 'home', 'one', 'last', 'time', 'wont', 'anything', 'trust'], ['night', 'worrying', 'appt', 'shame', 'missed', 'girl', 'night', 'quiz', 'popcorn', 'hair'], ['sex', 'mobile', 'free', 'sexy', 'pic', 'jordan', 'text', 'babe', '88600', 'every', 'get', 'sexy', 'celeb', 'pocketbabe.co.uk', 'pic', '£3/wk', '087016248'], ['...', '...'], ['new', 'voicemail', 'please', 'call', '08719181503'], ['said', 'matter', 'mind', 'saying', 'matter'], ['also', 'know', 'lunch', 'menu', 'know'], ['moan', 'thin', 'go', 'wrong', 'fault', 'argument', 'fault', 'fed', 'himso', 'bother', 'hav', '2go', 'thanx.xx'], ['neft', 'transaction', 'reference', 'number', 'decimal', 'credited', 'beneficiary', 'account', 'time'], ['otherwise', 'part', 'time', 'job', 'na-tuition..'], ['know', 'called'], ['also', 'feel', 'yesterday', 'night', 'wait', 'til', '2day', 'night', 'dear'], ['thanks', 'understanding', "'ve", 'trying', 'tell', 'sura'], ['win', 'year', 'supply', 'cd', 'store', 'choice', 'worth', '£500', 'enter', '£100', 'weekly', 'draw', 'txt', 'music', '87066', 'www.ldew.com.subs16+1win150ppmx3'], ['whole', 'car', 'appreciated', 'last', 'two', 'dad', 'map', 'reading', 'semi', 'argument', 'apart', 'thing', 'going', 'ok.'], ['sim', 'subscriber', 'selected', 'receive', 'bonus', 'get', 'delivered', 'door', 'txt', 'word', '88600', 'claim', '150p/msg', 'exp', '30apr'], ['need', 'strong', 'arm', '...'], ['also', 'maaaan', 'missing'], ['bday', 'real', 'april'], ['guessin', "n't", 'gon'], ['come', 'home', 'half', 'hour'], ['game', 'almost', 'want', 'walmart', 'soon'], ['yeah', 'probably', 'sure', 'ilol', 'let', 'know', 'personally', 'wuldnt', 'bother', 'goin', 'mite', 'well'], ["'ll", 'text', 'creepy', 'like', "n't", 'think', 'forgot'], ['would', 'good', "'ll", 'phone', 'tomo', 'lunchtime', 'shall', 'organise', 'something'], ['new', 'voicemail', 'please', 'call', '08719181513'], ['damn', 'make', 'tonight', 'want', 'wait', 'til', 'tomorrow'], ['k..k..i', 'also', 'fine', 'complete', 'course'], ['true', 'passable', 'get', 'high', 'score', 'apply', 'phd', 'get', '5years', 'salary', 'make', 'life', 'easier'], ['nokia', 'tone', 'mob', 'every', 'week', 'txt', 'nok', '87021', '1st', 'tone', 'free', 'get', 'txtin', 'tell', 'friend', '150p/tone', 'reply', '4info'], ['prakesh', 'know'], ['teach', 'apps', 'come', 'college'], ['rofl', 'betta', 'invest', 'anti', 'aging', 'product'], ['winner', 'specially', 'selected', 'receive', '£1000', 'cash', 'holiday', 'flight', 'inc', 'speak', 'live', 'operator', 'claim', '0871277810810'], ['sir', 'receive', 'account', 'another', '1hr', 'time', 'sorry', 'delay'], ['reply', 'name', 'address', 'receive', 'post', 'week', 'completely', 'free', 'accommodation', 'various', 'global', 'location', 'www.phb1.com', 'ph:08700435505150p'], ["'ll", 'submitting', 'project', 'tmr', 'rite'], ['free', 'entry', '£250', 'weekly', 'comp', 'send', 'word', 'enter', '84128', 'www.textcomp.com', 'cust', 'care', '08712405020'], ['jus', 'lar', "'ll", 'noe', 'later'], ['want', 'send', 'something', 'sell', 'fast', 'easy', 'money'], ['got', 'thing', 'may', 'pub', 'later'], ['finish', 'meeting', 'call'], ['lol', "'ll", 'snatch', 'purse'], ['hello-/', 'drivby-:0quit', 'edrunk', 'sorry', 'iff', 'pthis', 'make', 'senrd-dnot', 'dancce', 'drum', 'basq', 'ihave', 'fun', '2nhite', 'ro', 'xxxxxxx'], ['opinion', 'jada', 'kusruthi', 'lovable', 'silent', 'spl', 'character', 'matured', 'stylish', 'simple', 'pls', 'reply..'], ['much', 'getting'], ['paper', 'morn', 'aft', 'tmr'], ['dear', 'relieved', 'westonzoyland', 'going', 'plan', 'end'], ['hope', 'great', 'new', 'semester', 'wish', 'best', 'made', 'greatness'], ['yes', 'speak', 'txt', 'hmm', 'get', 'email'], ['want', 'show', 'world', 'princess', 'europe'], ['nobody', 'decide', 'eat', 'dad', 'want', 'chinese'], ['shoot', 'doc', 'waiting', 'room'], ['going', 'dinner', 'soon..'], ['hello', 'site', 'download', 'song', 'urgent', 'pls'], ['know', 'mean', 'king', 'havin', 'credit', 'goin2bed', 'night', 'night', 'sweet', 'only1more', 'sleep'], ['horrible', 'gal', 'sch', 'stuff', 'come', 'got'], ['hun', 'comin', '2nite-tell', 'every1', 'sorry', 'hope', 'ava', 'goodtime', 'oli', 'rang', 'melnite', 'ifink', 'mite', 'sorted', 'explain', 'everythin', 'mon.l8rs.x'], ['call', 'later', "n't", 'network', 'urgnt', 'sm'], ['ummmmmaah', 'many', 'many', 'happy', 'return', 'day', 'dear', 'sweet', 'heart..', 'happy', 'birthday', 'dear'], ['please', 'call', '08712402779', 'immediately', 'urgent', 'message', 'waiting'], ['yeah', 'like', 'go', 'like', 'friend', 'imma', 'flip', 'shit', 'like', 'half', 'hour'], ['mum', 'say', 'wan', '...', 'shun', 'bian', 'watch', 'glass', 'exhibition', '...'], ['plan', 'pongal'], ['wait', 'till', 'end', 'march', 'nino', 'get'], ['yet', 'chikku..going', 'room', 'bus..'], ['also', 'cbe', 'pay'], ['honey', 'boo', 'missing'], ['sent', 'customer', 'service', 'cum', 'account', 'executive', 'mail', 'detail', 'contact'], ['parent', 'gettin', 'cash', 'good', 'news', 'picked', 'downstem'], ['thank', 'much', 'skyped', 'wit', 'sura', 'didnt', 'get', 'pleasure', 'company', 'hope', 'good', "'ve", 'given', 'ultimatum', 'countin', 'aburo', 'enjoy'], ['hungry', 'gay', 'guy', 'feeling', 'hungry', 'call', '08718730555', '10p/min', 'stop', 'text', 'call', '08712460324', '10p/min'], ['ok.', 'wahala', 'remember', 'friend', 'need', '...'], ['see', 'half', 'hour'], ['inperialmusic', 'listening2the', 'weirdest', 'track', 'ever', 'by\x94leafcutter', 'john\x94-sounds', 'like', 'insect', 'molested', 'someone', 'plumbing', 'remixed', 'evil', 'men', 'acid'], ['hey', 'sorry', 'didntgive', 'bellearlier', 'hunny', 'bedbut', 'mite', 'thepub', 'l8tr', 'uwana', 'load', 'luv', 'jenxxx'], ['seriously', 'tell', 'exact', 'word', 'right'], ['get', 'phone', 'wan', 'chat', 'set', 'meet', 'call', '09096102316', 'cum', '2moro', 'luv', 'jane', 'calls£1/minmoremobsemspobox45po139wa'], ['tee', 'hee', 'lecture', 'cheery', 'bye', 'bye'], ['sorry', 'chikku', 'cell', 'got', 'problem', 'thts', 'able', 'reply', 'msg', 'u..'], ['still', 'havent', 'collected', 'dough', 'pls', 'let', 'know', 'place', 'sent', 'get', 'control', 'number'], ['...'], ['network', 'operator', 'service', 'free', 'visit', '80488.biz'], ['let', 'know', 'contact', "'ve", 'settled', 'room', 'let', 'know'], ['wot', 'weirdo'], ['lor', '...'], ['dont', 'put', 'phone', 'silent', 'mode'], ['meet', '5..', 'depends', 'wan', 'lor..'], ['waiting', 'show', 'start', 'lor', '...', 'leh', 'still', 'busy', 'report'], ['first', 'time', 'use', 'type', 'word'], ['one', "n't", 'stalk', 'profile'], ['ever', 'green', 'quote', 'ever', 'told', 'jerry', 'cartoon', 'person', 'irritates', 'always', 'one', 'love', 'vry', 'much', 'fails', 'express', '...', 'gud', 'nyt'], ['yes', 'thought', 'thanks'], ['she.s', 'drinkin'], ['wondering', 'others', 'took'], ['night', 'ended', 'another', 'day', 'morning', 'come', 'special', 'way', 'may', 'smile', 'like', 'sunny', 'ray', 'leaf', 'worry', 'blue', 'blue', 'bay', 'gud', 'mrng'], ['dog', 'must', 'always', 'wait', 'till', 'end', 'day', 'word', 'run', 'time', 'cell', 'already'], ['happy', 'new', 'year'], ['hey', '...', 'great', 'deal', '...', 'farm', 'tour', '9am', '5pm', '95/pax', 'deposit', 'may'], ['eat', 'jap', 'done', 'oso', 'aft', 'lect', 'wat', '...', 'got', 'lect', 'rite', '...'], ['hey', 'babe', 'saw', 'came', 'online', 'second', 'disappeared', 'happened'], ['birthdate', 'certificate', 'april', 'real', 'date', 'today', 'dont', 'publish', 'shall', 'give', 'special', 'treat', 'keep', 'secret', 'way', 'thanks', 'wish'], ['happy', 'birthday', '...', 'may', 'dream', 'come', 'true', '...'], ['aiyah', 'already', 'lar', 'nydc', 'wheellock'], ['tell', 'said', 'eat', 'shit'], ['sure', 'driving', 'reach', 'destination', 'soon'], ['much', '8th', 'fifty'], ['daily', 'text', 'favour', 'time'], ['great', 'hear', 'settling', 'well', 'happenin', 'wit', 'ola'], ['cocksucker', 'make', 'feel', 'better', 'ipads', 'worthless', 'garbage', 'novelty', 'item', 'feel', 'bad', 'even', 'wanting', 'one'], ['tot', 'reach', 'liao', 'said', 't-shirt'], ['fran', 'decided', 'way', 'completely', 'broke', 'knackered', 'got', 'bout', '2mrw', 'love', 'janx', 'p.s', 'dad', 'fone', '-no', 'credit'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['right', "'ll", 'make', 'appointment', 'right'], ['designation', 'software', 'developer', 'may', 'get', 'chennai'], ['enjoy', 'jamster', 'videosound', 'gold', 'club', 'credit', 'new', 'videosounds+2', 'logos+musicnews', 'get', 'fun', 'jamster.co.uk', '16+only', 'help', 'call', '09701213186'], ['get', 'lion', 'england', 'tone', 'reply', 'lionm', 'mono', 'lionp', 'poly', 'www.ringtones.co.uk', 'original', 'best', 'tone', '3gbp', 'network', 'operator', 'rate', 'apply'], ['jokin', 'oni', 'lar..', 'busy', 'wun', 'disturb'], ['careful', "n't", 'text', 'drive'], ['i.ll', 'always', 'even', 'spirit', 'i.ll', 'get', 'soon', 'trying', 'sure', 'need'], ['much', 'close', 'heart', 'away', 'shattered', 'plz', 'stay'], ['love', 'babe', 'sure', 'everything', 'alrite', 'idiot', 'txt', 'bak', 'girlie'], ['abt', 'making', 'pic', 'bigger'], ['got', 'got', 'colour', 'lor', 'one', 'colour', 'quite', 'light', 'darker', 'lor', 'actually', 'done', 'styling', 'hair'], ['whenevr', 'sad', 'whenevr', 'gray', 'remembr', 'listn', 'watevr', 'wan', 'say', 'jus', 'walk', 'wid', 'little', 'amp', 'promise', "'ll", 'bring', 'back', 'smile'], ['nothing', 'anyway', 'give', 'treat'], ['win', 'newest', 'harry', 'potter', 'order', 'phoenix', 'book', 'reply', 'harry', 'answer', 'question', 'chance', 'first', 'among', 'reader'], ['...'], ['correct', 'work', 'today'], ['sent', 'scream', 'moan', 'bed', 'princess'], ['wake', 'long', 'ago', 'already', '...', 'dunno', 'thing'], ['getting', 'even', '...'], ['thk', 'shd', 'said', 'plus', 'minus', '10..', 'leave', 'line', 'paragraph'], ['call', 'plz', 'number', 'show', 'coveragd', 'area', 'urgnt', 'call', 'vasai', 'amp', 'reach', "4'o", 'clock', 'call', 'plz'], ['yeah', 'jay', 'sort', 'fucking', 'retard'], ['sorry', 'bathroom', 'sup'], ['balance', '£500', 'next', 'question', 'sang', "'uptown", 'girl', 'answer', 'txt', 'answer', '83600', 'good', 'luck'], ['exam', 'february', 'wish', 'great', 'day'], ['dont', 'know', 'come', 'ask', 'question', 'like', 'dont', 'mistake'], ['aight', 'rush', "'ll", 'ask', 'jay'], ['good', 'morning', 'plz', 'call', 'sir'], ['lar', 'sleep', 'early', '...', 'nite', '...'], ['...', 'icic', '...', 'lor', 'den', 'meet', 'day', '...'], ['half', 'hour', 'much', 'longer', 'syria', 'canada', 'wow', 'must', 'get', 'much', 'work', 'done', 'day', 'extra', 'time', '*grins*'], ['sometimes', 'put', 'wall', 'around', 'heart', 'safe', 'getting', 'hurt..', 'find', 'care', 'enough', 'break', 'wall', 'amp', 'get', 'closer..', 'goodnoon'], ['sweet', 'may', 'may', 'meet', 'carlos', 'gauge', 'patty', 'interest'], ['buying', 'today', 'need', 'meh', '...'], ['aight', 'sorry', 'take', 'ten', 'year', 'shower', 'plan'], ['every', 'monday..nxt', 'week', 'completing..'], ['might', 'well'], ['chill', 'another', '6hrs', 'could', 'sleep', 'pain', 'surgical', 'emergency', 'see', 'unfolds', 'okay'], ['yeah', "'ll", 'try', 'scrounge', 'something'], ['crazy', 'married', 'like', 'looking', 'guy', 'frens', 'like', 'say', 'korean', 'leona', 'fave', 'dun', 'thk', 'aft', 'thinking', 'mayb', 'prob', "'ll"], ['somewhere', 'fredericksburg'], ['que', 'pas', 'buen', 'tiempo', 'something', 'like'], ['stay', 'night', 'xavier', 'sleeping', 'bag', 'getting', 'tired'], ['doesnt', 'need', 'test'], ['nothing', 'much', 'chillin', 'home', 'super', 'bowl', 'plan'], ['free2day', 'sexy', 'george', 'day', 'pic', 'jordan', 'txt', 'pic', '89080', 'dont', 'miss', 'every', 'saucy', 'celeb', 'pic', 'pocketbabe.co.uk', '0870241182716', '£3/wk'], ['bugis', 'oso', 'near', 'wat', '...'], ['class', 'tmrw', 'right'], ['let', 'heart', 'compass', 'mind', 'map', 'soul', 'guide', 'never', 'loose', 'world', '...', '.gnun', 'sent', 'via', 'way2sms.com'], ['goodnight', 'sleep', 'well', 'please', 'take', 'care', 'please'], ['baaaaabe', 'miss', 'youuuuu', 'teach', 'class', '...'], ['convey', 'regard'], ['ned', 'convince', 'tht', 'possible', 'witot', 'hurting', 'feeling', 'main'], ['good', 'afternoon', 'loverboy', 'go', 'day', 'luck', 'come', 'way', 'think', 'sweetie', 'send', 'love', 'across', 'sea', 'make', 'smile', 'happy'], ['start', 'sending', 'blackberry', 'torch', 'nigeria', 'find', 'buyer', 'like', 'month', 'tell', 'dad', 'buy', 'anyone'], ['pple', 'marry', 'lover', '...', 'becz', 'hav', 'gud', 'undrstndng', 'dat', 'avoids', 'problem', 'sent', 'dis', 'wil', 'get', 'gud', 'news', 'friday', 'person', 'like', 'tomorrow', 'best', 'day', 'life', 'dont', 'break', 'chain', 'break', 'suffer', 'send', 'frnds', 'min', 'whn', 'read', '...'], ['dude', 'guess', 'got', 'arrested', 'day'], ['shuhui', 'say', 'change', 'suntec', 'steamboat', 'noe'], ['dance', 'river'], ['yetunde', 'sorry', 'moji', 'seem', 'busy', 'able', 'shopping', 'please', 'find', 'way', 'get', 'wanted', 'get', 'please', 'forgive', 'reply', 'free', 'via', 'yahoo', 'messenger'], ['hey', 'really', 'pretty', 'late', '...', 'want', 'lesson', 'first', 'join', 'reaching', 'mrt'], ['hot', 'live', 'fantasy', 'call', '08707509020', '20p', 'per', 'min', 'ntt', 'ltd', 'box', '1327', 'croydon', 'cr9', '5wb', '0870..k'], ['bbq', 'sat', 'mine', '6ish', 'welcome', 'come'], ["n't", 'know', 'thing', 'wrong', 'everyso', 'often', 'panicks', 'start', 'goin', 'bout', 'bein', 'good', 'enough'], ['alright', 'good', 'night'], ['try', 'making', 'another', 'butt'], ['hope', 'feeling', 'great', 'pls', 'fill', 'abiola'], ['though', 'shd', 'fun', 'bar', 'town', 'something', 'sound'], ['write', 'msg', 'put', 'dictionary', 'mode', 'cover', 'screen', 'hand', 'press', 'gently', 'remove', 'hand..', 'interesting..'], ['bear', 'pic', 'nick', 'tom', 'pete', '...', 'dick', 'fact', 'type', 'try', 'gay', 'chat', 'photo', 'upload', 'call', '08718730666', '10p/min', 'stop', 'text', 'call', '08712460324'], ['500', 'new', 'mobile', '2004', 'must', 'txt', 'nokia', '89545', 'collect', 'today', 'www.4-tc.biz', '2optout', '087187262701.50gbp/mtmsg18', 'txtauction'], ["'re", 'finally', 'ready', 'fyi'], ['auntie', 'huai', 'juan', 'never', 'pick', 'phone'], ['double', 'min', 'double', 'txt', '1/2', 'price', 'linerental', 'latest', 'orange', 'bluetooth', 'mobile', 'call', 'mobileupd8', 'latest', 'offer', '08000839402', 'call2optout/lf56'], ['tel', 'wats', 'problem..'], ['nokia', 'tone', 'mob', 'every', 'week', 'txt', 'nok', '87021', '1st', 'tone', 'free', 'get', 'txtin', 'tell', 'friend', '150p/tone', 'reply', '4info'], ['dnt', 'wnt', 'tlk', 'wid'], ['spend', 'day', 'waiting', 'ideal', 'path', 'appear', 'front', 'us..', 'forget', 'is..', 'path', 'made', 'walking..', 'waiting..', 'goodnight'], ['arm', 'feeling', 'weak', 'cuz', 'got', 'shot', 'another', 'time'], ['please', 'reserve', 'ticket', 'saturday', 'eve', 'chennai', 'thirunelvali', 'tirunelvali', 'chennai', 'sunday', 'eve', '...', 'already', 'see', 'net..no', 'ticket', 'available..i', 'want', 'book', 'ticket', 'tackle'], ['storming', 'msg', 'wen', 'lift', 'phne', 'say', 'hello', 'knw', 'real', 'meaning', 'hello', 'name', 'girl..', 'yes..', 'knw', 'dat', 'girl', 'margaret', 'hello', 'girlfrnd', 'grahmbell', 'invnted', 'telphone', '...', 'moral', 'one', '4get', 'name', 'person', 'girlfrnd', '...'], ['popped', 'ask', 'bout', 'something', 'said', 'around', 'tonght', 'wen', 'girl', 'come'], ['best', 'exam', 'later'], ['hope', 'head', "n't", 'hurt', 'much', 'ploughing', 'way', 'pile', 'ironing', 'staying', 'chinky', 'tonight', 'come', 'round', 'like'], ['k.i', 'think', 'player', 'unsold'], ['haha', '...', 'got', 'fast', 'lose', 'weight', 'thk', 'muz', 'month', 'den', 'got', 'effect', '...', 'gee', 'later', 'aust', 'put', 'weight'], ['wonder', 'got', 'online', 'love', 'gone', 'net', 'cafe', 'get', 'phone', 'recharged', 'friend', 'net', 'think', 'boytoy'], ['haha', 'kidding', 'papa', 'need', 'drug'], ['thk', 'shld', '...', 'wana', 'lesson', '...', 'haha', 'one', 'whole', 'stretch', '...'], ['ok..'], ['still', 'meeting', 'dinner', 'tonight'], ['thats', 'cool', 'gentleman', 'treat', 'dignity', 'respect'], ['shall', 'start', 'hear'], ['wait', 'lor', '...', 'need', 'feel', 'bad', 'lar', '...'], ['check', 'got', 'detailed', 'message'], ['registered', 'sinco', 'payee', 'log', 'icicibank.com', 'enter', 'urn', 'confirm', 'beware', 'fraud', 'share', 'disclose', 'urn', 'anyone'], ['decided', 'people', 'care', 'stuff', 'vote', 'caring', 'stuff', 'loser'], ['kaiez', '...', 'enjoy', 'tuition', '...', 'gee', '...', 'thk', 'second', 'option', 'sound', 'beta', '...', "'ll", 'yan', 'jiu', 'den', 'msg', '...'], ['registered', 'sinco', 'payee', 'log', 'icicibank.com', 'enter', 'urn', 'confirm', 'beware', 'fraud', 'share', 'disclose', 'urn', 'anyone'], ['cool', 'fun', 'practicing', 'making', 'baby'], ['actually', 'getting', 'ready', 'leave', 'house'], ['k..k..any', 'special', 'today'], ['urgent', 'important', 'information', 'user', 'today', 'lucky', 'day', 'find', 'log', 'onto', 'http', '//www.urawinner.com', 'fantastic', 'surprise', 'awaiting'], ['got'], ["'ve", 'got', 'ten', 'buck', 'jay', 'noncomittal'], ['hungry'], ['pls', 'speak', 'customer', 'machan'], ['somewhere', 'beneath', 'pale', 'moon', 'light', 'someone', 'think', 'dream', 'come', 'true', '...', 'goodnite', 'amp', 'sweet', 'dream'], ['wen', 'lovable', 'bcums', 'angry', 'wid', 'dnt', 'take', 'seriously..', 'coz', 'angry', 'childish', 'true', 'way', 'showing', 'deep', 'affection', 'care', 'luv', 'kettoda', 'manda', '...', 'nice', 'day'], ['dear', "'ve", 'invited', 'xchat', 'final', 'attempt', 'contact', 'txt', 'chat', '86688', '150p/msgrcvdhg/suite342/2lands/row/w1j6hl', 'ldn', 'yr'], ['wats', 'opinion', 'abt', 'abt', 'character'], ['jay', 'snickering', 'tell', 'totally', 'fucking', 'chord', 'speak'], ['no..few', 'hour', 'before.went', 'hair', 'cut'], ['wonder', '...', 'co', 'dun', 'rem', 'seeing', 'silver', 'car', '...', 'thk', 'saw', 'black', 'one', '...'], ['lmao', 'take', 'pic', 'send'], ['speak', 'feel', 'word', 'better', 'silence', '...', 'gud', 'mrng'], ['currently', 'scotland'], ['work', 'week'], ['congratulation', 'awarded', 'either', '£500', 'gift', 'voucher', 'free', 'entry', '£100', 'weekly', 'draw', 'txt', 'music', '87066', 'tncs', 'www.ldew.com', 'win150ppmx3age16'], ['lol', 'great', 'getting', 'hungry'], ['yes..', 'saw', 'message..'], ["'ll", 'like', 'second'], ['...'], ['thing', 'good', 'thanx', 'got', 'exam', 'march', 'ive', 'done', 'revision', 'fran', 'still', 'boyf', 'ive', 'got', 'interviw', 'exeter', 'bit', 'worried'], ['tell', 'make', 'little', 'spreadsheet', 'track', 'whose', 'idea', 'smoke', 'determine', 'smoke', 'much', 'entire', 'month', 'february', "'ll", 'come'], ['sale', 'arsenal', 'dartboard', 'good', 'condition', 'double', 'treble'], ["n't", 'look', 'back', 'building', 'coat', "n't", 'want', 'get', 'sick', 'hurry', 'home', 'wear', 'coat', 'gym'], ['painful', 'personal', 'thought-', 'always', 'try', 'keep', 'everybody', 'happy', 'time', 'nobody', 'recognises', 'alone'], ['thanks', 'lovely', 'wisheds', 'rock'], ['intrepid', 'duo', 'great', 'time', 'see', 'soon'], ['asked', 'sen', 'come', 'chennai', 'search', 'job'], ['dad', 'went', 'oredi', '...'], ['jus', 'hope', 'true', 'missin', 'co', 'really', 'missin', "n't", 'done', 'anything', 'feel', 'guilty', 'yet'], ['wat', 'late', 'still', 'early', 'mah', 'juz', 'dinner', 'lor', 'aiya', 'dunno', '...'], ['arm', 'fine', 'cardiff', 'uni'], ['fact', 'leave', 'think', 'addie', 'go', 'back', 'school', 'tues', 'wed'], ['cool', 'breeze', '...', 'bright', 'sun', '...', 'fresh', 'flower', '...', 'twittering', 'bird', '...', 'waiting', 'wish', 'goodmorning', 'amp', 'nice', 'day'], ['going', 'restaurant..'], ['ok.', 'askd', 'knw', 'tht'], ['free', '1st', 'week', 'entry', 'textpod', 'chance', 'win', '40gb', 'ipod', '£250', 'cash', 'every', 'txt', 'pod', '84128', 'www.textpod.net', 'custcare', '08712405020'], ['ducking', 'chinchilla'], ['marriage', 'function'], ['look', 'like', 'wil', 'getting', 'headstart', 'leaving', 'bout', '2.30ish', 'desperate', 'company', 'could', 'head', 'earlier-we', 'goin', 'meet', 'rummer'], ['give', 'flying', 'monkey', 'wot', 'think', 'certainly', 'mind', 'friend', 'mine'], ['registered', 'optin', 'subscriber', 'draw', '£100', 'gift', 'voucher', 'entered', 'receipt', 'correct', '80062', 'whats', 'no1', 'bbc', 'chart'], ['say', 'thanks2'], ['msg', 'rajini', 'come'], ['taking', 'ure', 'practical', 'lesson', 'start', 'june..'], ['good', 'need', 'drug'], ['stupid.its', 'possible'], ['decide', 'faster', 'co', 'si', 'going', 'home', 'liao..'], ['summer', 'finally', 'fancy', 'chat', 'flirt', 'sexy', 'single', 'area', 'get', 'matched', 'reply', 'summer', 'free', 'join', 'optout', 'txt', 'stop', 'help08714742804'], ['sleeping', 'now..', 'going', 'take', 'haha..', 'got', 'spy', 'wat..', 'online', 'checking', 'replying', 'mail', 'lor..'], ['claire', 'havin', 'borin', 'time', 'alone', 'wan', 'cum', '2nite', 'chat', '09099725823', 'hope', 'luv', 'claire', 'calls£1/minmoremobsemspobox45po139wa'], ['fighting', 'world', 'easy', 'either', 'win', 'lose', 'fightng', 'some1', 'close', 'dificult', 'lose', 'lose', 'win', 'still', 'lose'], ['bought', 'one', 'ringtone', 'getting', 'text', 'costing', 'pound', 'offering', 'tone', 'etc'], ['yalru', 'lyfu', 'astne', 'chikku..', 'innu', 'mundhe', 'lyf', 'ali', 'halla', 'bilo', 'marriage', 'program', 'edhae', 'lyf', 'yet', 'ovr', 'chikku..ali', 'vargu', 'lyfu', 'meow', 'meow'], ['kinda', 'first', 'one', 'get', 'twelve', 'aah', 'speak', 'tomo'], ['09066362231', 'urgent', 'mobile', '07xxxxxxxxx', '£2,000', 'bonus', 'caller', 'prize', '02/06/03', '2nd', 'attempt', 'reach', 'call', '09066362231', 'asap'], ['good', 'later', 'come', 'find', '...', 'lucky', 'told', 'earlier', '...', 'later', 'pple', 'take', 'finish', '...'], ['wat', 'make', 'thk', "'ll", 'fall', 'actually', 'thk', 'quite', 'prone', 'fall', 'lucky', 'dad', 'home', 'ask', 'come', 'fetch', 'already'], ['07801543489', 'guaranteed', 'latest', 'nokia', 'phone', '40gb', 'ipod', 'mp3', 'player', '£500', 'prize', 'txt', 'word', 'collect', 'no:83355', 'tc-llc', 'ny-usa', '150p/mt', 'msgrcvd18+'], ['account', 'refilled', 'successfully', 'inr', 'decimal', 'keralacircle', 'prepaid', 'account', 'balance', 'decimal', 'transaction'], ['wont', 'touch', 'permission'], ['lucy', 'hubby', 'meetins', 'day', 'fri', 'alone', 'hotel', 'fancy', 'cumin', 'pls', 'leave', 'msg', '2day', '09099726395', 'lucy', 'calls£1/minmobsmorelkpobox177hp51fl'], ['wonder', 'world', '7th', '6th', 'style', '5th', 'smile', '4th', 'personality', '3rd', 'nature', '2nd', 'sm', '1st', 'lovely', 'friendship', '...', 'good', 'morning', 'dear'], ['take', 'small', 'dose', 'tablet', 'fever'], ['must', 'taken', 'real', 'valentine', 'shopping', 'first'], ['sent', 'email', 'address', 'incomm', 'right'], ['gon', 'blake', 'night', 'might', 'able', 'get', 'little', 'early'], ['friendship', 'game', 'play', 'word', 'say', "doesn\\'t", 'start', 'march', 'end', 'may', 'tomorrow', 'yesterday', 'today'], ['nice', 'wait', '...', 'texting', 'right', 'gon', 'pay', 'ticket', 'know'], ['watching', 'lotr', 'si', 'dis', 'aft', 'wan', 'meet', 'dinner', 'nite'], ['keeping', 'away', 'like'], ['think', 'far', 'find', 'check', 'google', 'map', 'place', 'dorm'], ['trip', 'quite', 'tiring', 'lor', 'uni', 'start', 'today', 'co', 'taking', 'module', 'jus', 'concentrating', 'final', 'project'], ['always', 'saying', 'welp'], ['guy', 'browsin', 'compulsory'], ['...'], ['purity', 'friendship', 'two', 'smiling', 'reading', 'forwarded', 'message..its', 'smiling', 'seeing', 'name', 'gud', 'evng', 'musthu'], ['sorry', "'ll", 'call', 'later'], ['add', "n't", 'really', 'care', "n't", 'least', 'get', 'dude', 'fuck', 'hey', 'money', 'want'], ['hello', 'lover', 'go', 'new', 'job', 'happy', 'think', 'wake', 'slave', 'send', 'teasing', 'kiss', 'across', 'sea'], ['told', 'number', 'gautham..'], ['tell', 'need', 'investigate', 'anywhere'], ['juz', 'receive..'], ['cant', 'believe', 'said', 'many', 'thing', 'morning', 'really', 'wanted', 'say', 'good', 'morning', 'love', 'beautiful', 'morning', 'see', 'library', 'later'], ['account', 'credited', '500', 'free', 'text', 'message', 'activate', 'txt', 'word', 'credit', '80488', 'www.80488.biz'], ['end', 'might', 'still', 'vomit', 'okay', 'everything', 'come'], ['money', '...', '...', 'money', 'aint', 'thing', '...', '.how', 'sha'], ['everything', 'weather', 'keep', 'extra', 'warm', 'cold', 'nothing', 'serious', 'pls', 'lot', 'vitamin'], ['hey', 'gals..', 'anyone', 'going', 'driving', 'centre', 'tmr'], ['always', 'yahoo', 'messenger', 'send', 'message', 'i.ll', 'get', 'may', 'send', 'mobile', 'mode', 'sha', 'i.ll', 'get', 'reply'], ['putting', 'ready', 'time'], ['time', 'smile', 'two', 'crucial', 'thing', 'life', 'sometimes', 'time', 'make', 'forget', 'smile', 'sometimes', 'someone', 'smile', 'make', 'forget', 'time', 'gud', 'noon'], ['sm', 'jsco', 'energy', 'high', 'may', 'know', '2channel', '2day', 'leadership', 'skill', 'strong', 'psychic', 'reply', 'w/question', 'end', 'reply', 'end', 'jsco'], ['host-based', 'idp', 'linux', 'system'], ['hot', 'live', 'fantasy', 'call', '08707509020', '20p', 'per', 'min', 'ntt', 'ltd', 'box', '1327', 'croydon', 'cr9', '5wb', '0870', 'national', 'rate', 'call'], ['whats', 'plan'], ['ill'], ['god', 'almost', 'home'], ['total', 'video', 'converter', 'free', 'download', 'type', 'google', 'search'], ['thanks', 'vote', 'sing', 'along', 'star', 'karaoke', 'mobile', 'free', 'link', 'reply', 'sing'], ['wen', 'lovable', 'bcums', 'angry', 'wid', 'dnt', 'take', 'seriously..', 'coz', 'angry', 'childish', 'true', 'way', 'showing', 'deep', 'affection', 'care', 'luv', 'kettoda', 'manda', '...', 'nice', 'day'], ['sound', 'like', 'something', 'someone', 'testing', 'would', 'sayy'], ['love', 'someone', 'dont', 'make', 'love', 'much', 'love', 'much', 'dont', 'want', 'loved', 'anyone', 'except', '...', 'gud', 'nit'], ['pete', 'phone', 'still', 'jenny', 'college', 'leanne.what'], ['oops', 'sorry', 'check', "n't", 'mind', 'picking', 'tomo', 'half', 'eight', 'station', 'would'], ['hey', 'sweet', 'wondering', 'moment', 'might', 'come', 'want', 'send', 'file', 'someone', "n't", 'yahoo', 'connection', 'suck', 'remember', 'set', 'page', 'download', 'format', 'disc', 'could', 'tell', 'know', 'way', 'download', 'big', 'file', 'download', 'stuff', 'directly', 'internet', 'help', 'would', 'great', 'prey', '...', '*teasing', 'kiss*'], ['hows', 'champ', 'leaving', 'glasgow'], ['best', 'congrats', '...'], ['wonder', "'ll", 'get', 'text'], ['need', 'come', 'home', 'give', 'good', 'lovin', '...'], ['brand', 'new', 'mobile', 'music', 'service', 'live', 'free', 'music', 'player', 'arrive', 'shortly', 'install', 'phone', 'browse', 'content', 'top', 'artist'], ['shall', 'ask', 'one', 'thing', 'dont', 'mistake'], ['check', 'wid', 'corect', 'speling', 'i.e', 'sarcasm'], ['urgent', 'mobile', 'awarded', '£2,000', 'bonus', 'caller', 'prize', '1/08/03', '2nd', 'attempt', 'contact', 'call', '0871-4719-523', 'box95qu', 'national', 'rate'], ['angry', 'happen', 'dear'], ['thk', 'dun', 'haf', 'hint', 'forum', 'already', 'lor', '...', 'co', 'told', 'ron', 'darren', 'going', 'tell', 'shuhui'], ['yup', 'thanx', '...'], ['ct', 'employee'], ['pls', 'pls', 'find', 'aunt', 'nike'], ['wow', '...', 'love', 'sooo', 'much', 'know', 'barely', 'stand', 'wonder', 'day', 'go', 'well', 'love', '...', 'think', 'miss'], ['screaming', 'mean', 'shouting..'], ['hey', 'happen', 'alright'], ['picked', 'receipt', 'something', 'earlier'], ['think', 'chennai', 'well', 'settled'], ['dang', "n't", 'mean', 'send', 'lol'], ['unfortunately', "'ve", 'found', 'pick', 'sister', 'airport', 'evening', "n't", 'think', "'ll", 'going', 'try', 'one'], ['horrible', '...', 'hungry', '...'], ['remember', 'day..'], ['nokia', '7250i', 'get', 'win', 'free', 'auction', 'take', 'part', 'send', 'nokia', '86021', 'hg/suite342/2lands', 'row/w1jhl', '16+'], ['feel', 'real', 'valentine', 'valentine', 'even', 'tho', 'hardly', 'play'], ['sound', 'good', 'finger', 'make', 'difficult', 'type'], ['midnight', 'earliest'], ["'re", 'sure', 'trying', 'make', 'xavier', 'smoke', "n't", 'want', 'smoke', 'told', 'smoke', 'much'], ['come', 'nordstrom', "'re", 'done'], ['konw', 'waht', 'rael', 'friendship', 'gving', 'yuo', 'exmpel', 'jsut', 'ese', 'tihs', 'msg..', 'evrey', 'splleing', 'tihs', 'msg', 'wrnog..', 'sitll', 'yuo', 'raed', 'wihtuot', 'ayn', 'mitsake..', 'goodnight', 'amp', 'nice', 'sleep..sweet', 'dreams..'], ['press', 'conference'], ['hello', 'orange', 'month', 'free', 'access', 'game', 'news', 'sport', 'plus', 'free', 'text', 'photo', 'message', 'reply', 'yes', 'term', 'apply', 'www.orange.co.uk/ow'], ['completed', 'degree', 'use', 'joining', 'finance'], ['good', 'afternoon', 'love', 'job', 'prospect', 'missing', 'lazy', 'bleak', 'hmmm', 'happy', 'filled', 'love'], ['shant', 'disturb', 'anymore', '...', 'jia', '...'], ['bishan', 'lar', 'nearer', '...', 'need', 'buy', 'early', 'co', 'buy', 'got', 'park', 'car', '...'], ['dont', 'know'], ['dude', 'sux', 'snake', 'got', 'old', 'raiden', 'got', 'buff'], ['say', 'get', 'back', 'south', 'tampa', 'preferably', 'kegger'], ['msg', 'jus', 'said', 'thanks', 'gift'], ['...'], ['dear', 'call', 'chechi'], ['yeah', 'tote', 'wan'], ['found', 'dis', 'pierre', 'cardin', 'one', 'look', 'normal', 'cost', 'sale'], ['good', 'sleep', 'rhythm', 'person', 'establish', 'rhythm', 'body', 'learn', 'use', 'want', 'know'], ['wat'], ['message', 'truro', 'hospital', 'ext', 'phone', 'phone', 'side'], ['single', 'line', 'big', 'meaning', 'miss', 'anything', 'best', 'life', "n't", 'miss', 'best', 'life', 'anything', '...', 'gud', 'nyt', '...'], ['got', 'gas', 'money', 'chance', 'gang', 'want', 'grand', 'nature', 'adventure'], ['dnt', 'worry', '...', 'use', 'ice', 'piece', 'cloth', 'pack.also', 'take', 'tablet'], ['dude', 'saw', 'parked', 'car', 'sunroof', 'popped', 'sux'], ['get', 'ready', 'put', 'excellent', 'sub', 'face'], ['tmrw', 'finishing', 'door'], ['saw', 'day', 'ago', 'guy', 'want', 'sell', 'wifi', 'blanked'], ['late'], ['whatever', 'pretty', 'pissed'], ['today', 'accept', 'day..u', 'accept', 'brother', 'sister', 'lover', 'dear1', 'best1', 'clos1', 'lvblefrnd', 'jstfrnd', 'cutefrnd', 'lifpartnr', 'belovd', 'swtheart', 'bstfrnd', 'rply', 'mean', 'enemy'], ['dont', 'much', 'image', 'class'], ['got', 'rumour', 'going', 'buy', 'apartment', 'chennai'], ['near', 'kalainar', 'office.thenampet'], ['cash-balance', 'currently', '500', 'pound', 'maximize', 'cash-in', 'send', '86688', '150p/msg', '08718720201', 'hg/suite342/2lands', 'row/w1j6hl'], ['sm', 'auction', 'brand', 'new', 'nokia', '7250', 'auction', 'today', 'auction', 'free', 'join', 'take', 'part', 'txt', 'nokia', '86021', 'hg/suite342/2lands', 'row/w1j6hl'], ['si', 'catching', 'show', 'afternoon', 'watching', 'wan', 'watch', 'today', 'tmr', 'lor'], ['sound', '...', 'haha', '...', '...', 'wah', 'yan', 'jiu', 'fast', 'liao', '...'], ['nosy', 'guess', 'idk', 'reacting', 'freaked'], ['remember', 'hurt', 'day', 'satanic', 'imposter', 'me.need', 'pay', 'price', 'it.may', 'destiny', 'keep', 'going', 'said', 'pray', 'get', 'mind', 'get'], ['make', 'girl', 'happy', 'difficult', 'make', 'girl', 'happy', 'need', '...', 'friend', 'companion', 'lover', 'chef', 'good', 'listener', 'organizer', 'good', 'boyfriend', 'clean', 'sympathetic', 'athletic', 'warm', 'courageous', 'determined', 'true', 'dependable', 'intelligent', 'psychologist', 'pest', 'exterminator', 'psychiatrist', 'healer', 'stylist', 'driver', 'aaniye', 'pudunga', 'venaam..'], ['princess', 'bet', 'brothas', 'chasing'], ['shall', 'book', 'chez', 'jules', 'half', 'eight'], ['hhahhaahahah', 'rofl', 'wtf', 'nig', 'leonardo', 'room', 'something'], ['yep', 'derek', 'house', 'see', 'sunday'], ['cool', 'let', 'know', 'kick', 'around', "'ll", 'day'], ['sorry', "'ll", 'call', 'later'], ['wondering', 'would', 'okay', 'call', 'uncle', 'john', 'let', 'know', 'thing', 'nigeria', 'dollar', '2years', 'sent', 'know', 'strain', 'plan', 'pay', 'back', 'every', 'dime', 'give', 'every', 'dime', 'expect', 'anything', 'practical', 'something', 'like'], ['charge', 'transfer', 'charge', 'withdraw', 'anyhow', 'like'], ['dont', 'search', 'love', 'let', 'love', 'find', 'thats', 'called', 'falling', 'love', 'bcoz', 'dont', 'force', 'fall', 'know', 'smeone', 'hold', '...', 'bslvyl'], ['let', 'bill', 'miller'], ['love', 'set', 'soul', 'fire', 'spark', 'flame', 'big', 'rawring', 'flame', 'xoxo'], ['somewhr', 'someone', 'surely', 'made', 'god', 'decided', 'perfect', 'time', 'make', 'meet', 'dat', 'person', 'till', 'den', 'enjoy', 'crushes..'], ['honeymoon', 'outfit'], ['help', 'propose', 'going', 'back', 'tomorrow'], ['private', '2003', 'account', 'statement', 'show', '800', 'un-redeemed', 'point', 'call', '08719899230', 'identifier', 'code', '41685', 'expires', '07/11/04'], ['never', 'blame', 'day', 'life', 'good', 'day', 'give', 'happiness', 'bad', 'day', 'give', 'experience', 'essential', 'life', 'god', 'blessing', 'good', 'morning'], ['pls', 'confirm', 'time', 'collect', 'cheque'], ['registered', 'subscriber', 'draw', '£100', 'gift', 'voucher', 'entered', 'receipt', 'correct', 'next', 'olympics', 'txt', '80062'], ['urgent', 'mobile', 'number', 'awarded', '£2000', 'prize', 'guaranteed', 'call', '09061790121', 'land', 'line', 'claim', '3030', 'valid', '12hrs', '150ppm'], ['daddy', 'take', 'good', 'care'], ['yeah', 'probably', 'still', 'got', 'check', 'leo'], ['k.then', 'special'], ['carlos', 'taking', 'sweet', 'time', 'usual', 'let', 'know', 'patty', 'done/want', 'smoke', "'ll", 'tell', 'haul'], ['nothing', 'problem'], ['heard', 'job', 'going', 'wildlife', 'talk', 'tonight', 'want2come', 'that2worzels', 'wizzle', 'whatever'], ['god', 'picked', 'flower', 'dippeditinadew', 'lovingly', 'touched', 'itwhichturnedinto', 'gifted', 'tomeandsaid', 'friend'], ['came', 'hostel'], ['prob', '...', "'ll", 'come', 'lunch', '...'], ['jus', 'telling', 'dat', "'ll", 'leaving', 'shanghai', '21st', 'instead', "'ll", 'haf', 'time', 'meet', 'cya', '...'], ['freezing', 'home', 'yet', 'remember', 'kiss', 'mom', 'morning', 'love', 'think', 'missing', 'yet'], ['ready', 'big', 'day', 'tomorrow'], ["'ll", 'probably', 'around', 'lot'], ['645'], ['rt-king', 'pro', 'video', 'club', 'need', 'help', 'info', 'ringtoneking.co.uk', 'call', '08701237397', 'must', '16+', 'club', 'credit', 'redeemable', 'www.ringtoneking.co.uk', 'enjoy'], ['thnx', 'dude', 'guy', '2nite'], ['sef', 'dey', 'laugh', 'meanwhile', 'darling', 'anjie'], ['food'], ['make', 'sense', 'btw', 'carlos', 'difficult', 'guy', 'gon', 'smoke', 'pick', 'second', 'batch', 'get', 'gas'], ['download', 'fring', 'app'], ['guy', 'kinda', 'flaky', 'one', 'friend', 'interested', 'picking', 'worth', 'tonight', 'possible'], ['friend', 'stay', 'chat'], ['fuck', 'babe', 'miss', 'sooooo', 'much', 'wish', 'sleep', '...', 'bed', 'lonely', '...', 'sleep', '...', 'dream', 'love', '...'], ['living', 'simple..', 'loving', 'also', 'simple..', 'laughing', 'simple..', 'winning', 'tooo', 'simple..', "'simple", 'difficult..', 'gud', 'nte'], ['secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09058094599'], ['well', 'confuses', 'thing'], ['500', 'free', 'text', 'msg', 'text', '80488', "'ll", 'credit', 'account'], ['dear', 'call', 'urgnt', "n't", 'know', 'whats', 'problem', "n't", 'want', 'work', 'problem', 'least', 'tell', 'wating', 'reply'], ['dear'], ['selected', 'stay', '250', 'top', 'british', 'hotel', 'nothing', 'holiday', 'worth', '£350', 'claim', 'call', 'london', '02072069400', '526', 'sw73ss'], ['yes', 'princess', 'want', 'make', 'happy', '...'], ['sound', 'like', 'many', 'talent', 'would', 'like', 'dinner', 'date', 'next', 'week'], ['going', 'film', '2day', '6pm', 'sorry'], ['watching', 'movie', 'already', 'want', 'shop', 'shopping'], ['hello', 'little', 'party', 'animal', 'thought', 'buzz', 'friend', '...', '*grins*', '...', 'reminding', 'loved', 'send', 'naughty', 'adoring', 'kiss'], ['yesterday', 'going', 'home'], ['eerie', 'nokia', 'tone', 'rply', 'tone', 'title', '8007', 'tone', 'dracula', '8007', 'title', 'ghost', 'addamsfa', 'munsters', 'exorcist', 'twilight', 'www.getzed.co.uk', 'pobox36504w45wq', '150p'], ['come', 'life', 'brought', 'sun', '..shiny', 'warming', 'heart', 'putting', 'constant', 'smile', 'face', '...', 'making', 'feel', 'loved', 'cared'], ['shit', "n't", 'surprised', 'went', 'spent', 'evening', 'french', 'guy', 'met', 'town', 'fooled', 'around', 'bit', "n't", 'let', 'fuck'], ['network', 'allow', 'company', 'bill', 'sm', 'responsible', 'supplier', 'shop', 'give', 'guarantee', 'sell'], ['great', 'comedy..cant', 'stop', 'laughing'], ['freemsg', 'feelin', 'kinda', 'lnly', 'hope', 'like', 'keep', 'company', 'jst', 'got', 'cam', 'moby', 'wan', 'pic', 'txt', 'reply', 'date', '82242', 'msg150p', '2rcv', 'hlp', '08712317606', 'stop', '82242'], ['alright', "'re", 'set', 'text', 'man'], ["'re", "'re", 'keen', 'kind', 'feel', "n't", 'tomo', "n't", 'mind'], ['sleeping', 'feeling', 'well'], ['switch', 'fone', 'dammit'], ['india', 'take', 'lead'], ['i.ll', 'post', 'l8r', 'class'], ['thts', 'wat', 'wright', 'brother', 'fly..'], ['evening', 'good', 'somewhat', 'event', 'laden', 'fill', "n't", 'worry', 'head', 'throat', 'wrecked', 'see', 'six'], ['laugh', 'really', 'loud..', 'talk', 'spontaneously..', 'dont', 'care', 'others', 'feel..', 'probably', 'dear', 'amp', 'best', 'friends..', 'goodevening', 'dear..'], ['laptop', 'take'], ['dont', 'file', 'bag..i', 'work', 'called', 'me.i', "'ll", 'tell', 'find', 'anything', 'room'], ['wan', 'early', 'lei', '...', 'outside', 'wun', 'home', 'early', '...', 'neva', 'mind', '...'], ['chance', 'win', '£250', 'cash', 'every', 'txt', 'action', '80608', 'www.movietrivia.tv', 'custcare', '08712405022', '1x150p/wk'], ['bugis', 'juz', 'wat', '...', 'walking', 'home', 'oredi', '...', 'late', 'reply', '...', 'oso', 'saw', 'top', 'dat', 'like', 'din', 'buy', '...'], ['wishing', 'family', 'merry', 'happy', 'new', 'year', 'advance..'], [], ['yes', 'posted', 'couple', 'pic', 'still', 'snow', 'outside', 'waking'], ['one', 'good', 'partnership', 'going', 'take', 'lead'], ['rgent', '2nd', 'attempt', 'contact', '£1250', 'call', '09071512433', '050703', 'csbcm4235wc1n3xx', 'callcost', '150ppm', 'mobilesvary', 'max£7'], ['yeah', 'class'], ['send', 'bec', 'temple'], ["n't", 'coming', 'home', 'class', 'right', 'need', 'work', 'shower'], ['lookin', 'saucy', 'daytime', 'fun', 'wiv', 'busty', 'married', 'woman', 'free', 'next', 'week', 'chat', 'sort', 'time', '09099726429', 'janinexx', 'calls£1/minmobsmorelkpobox177hp51fl'], ['mostly', 'like'], ['fan', '...'], ['dunno', 'co', 'late', 'reach', 'inside', 'already', '...', 'ate', 'spageddies', 'lor', '...', 'gal', 'laughing', 'lor', '...'], ['guess', 'spent', 'last', 'night', 'phasing', 'fourth', 'dimension'], ['dad', 'gon', 'call', 'get', 'work', 'ask', 'crazy', 'question'], ['yes..but', 'said', 'it.'], ['hurting', 'meaningful', 'line', 'ever', 'compromised', 'everything', 'love', 'end', 'love', 'compromised', 'everything', 'gud', 'mornin'], ['lmao', 'nice'], ['glad', 'see', 'reply'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£800', 'prize', 'guaranteed', 'call', '09050001295', 'land', 'line', 'claim', 'a21', 'valid', '12hrs'], ['monthly', 'password', 'wap', 'mobsi.com', '391784', 'use', 'wap', 'phone'], ['nah', 'dub', 'still', 'buff'], ['painful', 'words-', 'thought', 'happy', 'toughest', 'thing', 'earth', '...', 'toughest', 'acting', 'happy', 'unspoken', 'pain', 'inside..'], ['yeah', 'fine', 'get'], ['lol', 'come', 'idea'], ['many', 'people', 'seems', 'special', 'first', 'sight', 'remain', 'special', 'till', 'last', 'sight..', 'maintain', 'till', 'life', 'ends..', 'jas'], ['today', 'song', 'dedicated', 'day..', 'song', 'dedicate', 'send', 'valuable', 'frnds', 'first', 'rply', '...'], ['okay', '...', 'wait'], ['lei'], ['babe', 'likely', 'bed', 'sorry', 'tonight', 'really', 'wan', 'see', 'tomorrow', 'call', 'love', 'xxx'], ['already', 'squatting', 'new', 'way', 'walking'], ['want', 'bold', 'torch'], ['cramp', 'stopped', 'going', 'back', 'sleep'], ['today', 'vodafone', 'number', 'ending', '0089', 'last', 'four', 'digit', 'selected', 'received', '£350', 'award', 'number', 'match', 'please', 'call', '09063442151', 'claim', '£350', 'award'], ['free', 'top', 'ringtone', '-sub', 'weekly', 'ringtone-get', '1st', 'week', 'free-send', 'subpoly', '81618-', 'per', 'week-stop', 'sms-08718727870'], ['nan', 'sonathaya', 'soladha', 'bos'], ['bring', 'tat', 'forget'], ['sunshine', 'quiz', 'wkly', 'win', 'top', 'sony', 'dvd', 'player', 'know', 'country', 'algarve', 'txt', 'ansr', '82277', '£1.50', 'tyrone'], ["n't", 'know', 'raping', 'dude', 'poker'], ['weightloss', 'girl', 'friend', 'make', 'load', 'money', 'ebay', 'something', 'give', 'thanks', 'god'], ['wa', 'gr8', 'see', 'message', 'leaving', 'congrats', 'dear', 'school', 'wat', 'plan'], ['eatin', 'later', 'eatin', 'wif', 'frens', 'lei', '...', 'going', 'home', 'first'], ['finish', 'already', '...', 'yar', 'keep', 'saying', 'mushy', '...', 'embarrassed', '...'], ['sorry', 'man', 'stash', 'ran', 'dry', 'last', 'night', "n't", 'pick', 'sunday'], ['hai', 'priya', 'right', 'doctor', 'said', 'pa.'], ['free', 'msg', 'sorry', 'service', 'ordered', '81303', 'could', 'delivered', 'sufficient', 'credit', 'please', 'top', 'receive', 'service'], ['...'], ['please', 'ask', 'mummy', 'call', 'father'], ['come', 'room', 'come', 'house', 'co', 'house', 'still', 'messy', '...', 'haha', '...'], ['lost', 'kilo', 'today'], ['taste', 'fish', 'curry'], ['might', 'accidant', 'tookplace', 'somewhere', 'ghodbandar', 'traffic', 'move', 'slovely', 'plz', 'slip', 'amp', "n't", 'worry'], ['yun', 'ah.now', 'wkg', 'btw', 'nu', 'wana', 'specialise', 'wad'], ['yes', 'one', 'woman', 'man', 'please', 'tell', 'like', 'dislike', 'bed', '...'], ['wa', 'test', 'earlier', 'appreciate', 'call', 'tomorrow'], ['loverboy', 'keep', 'coming', 'queen', 'hmmm', 'doe', "n't", 'ache', 'speak', 'miss', 'desparately'], ['meet', 'fren', 'dun', 'wan', 'meet', '...', 'muz', 'guy', 'rite', '...'], ['promise', 'though', "n't", 'even', 'gotten', 'dinner', 'yet'], ['got', 'back', 'dislike', 'bed'], ['turn', 'stereo', 'love', 'phone', 'unknown', 'album'], ['hard', 'live', '121', 'chat', '60p/min', 'choose', 'girl', 'connect', 'live', 'call', '09094646899', 'cheap', 'chat', 'biggest', 'live', 'service', 'bcm1896wc1n3xx'], ['yeah', "n't", 'see'], ['asking', 'knw', 'may', 'frnds', 'classmate'], ['sorry', 'earlier', 'putting', 'fires.are', 'around', 'talk', 'actually', 'life', 'lol'], ['wow', 'boy', 'back', 'take', '2007', 'tour', 'win', 'vip', 'ticket', 'pre-book', 'vip', 'club', 'txt', 'club', '81303', 'trackmarque', 'ltd', 'info', 'vipclub4u'], ['missionary', 'hook', 'doggy', 'hook', 'standing', '...'], ['better', 'sleep..', 'dun', 'disturb', 'liao..', 'wake', 'msg', 'lor..'], ['fighting', 'world', 'easy', 'either', 'win', 'lose', 'fightng', 'some1', 'close', 'dificult', 'lose', 'lose', 'win', 'still', 'lose'], ['watching', 'house', 'entertaining', 'getting', 'whole', 'hugh', 'laurie', 'thing', 'even', 'stick', 'indeed', 'especially', 'stick'], ['thought', 'praps', 'meant', 'another', 'one', 'goodo', "'ll", 'look', 'tomorrow'], ['jon', 'pete', 'ive', 'bin', 'spain', 'recently', 'hav', 'sum', 'dinero', 'left', 'bill', 'said', '\x91rents', 'mayb', 'interested', 'hav', '12,000pes', 'around', '£48', 'james'], ['bold'], ['know', 'shall', 'speak', 'minute'], ['alrite', 'hunny', 'wot', '2nite', 'didnt', 'end', 'goin', 'town', 'jus', 'pub', 'instead', 'jus', 'chillin', 'bedroom', 'love', 'jen', 'xxx'], ['went', 'project', 'centre'], ['per', 'request', "'maangalyam", 'alaipayuthe', 'set', 'callertune', 'caller', 'press', 'copy', 'friend', 'callertune'], ['lol', 'yeah', 'point', 'guess'], ['project', 'frens', 'lor'], ['lol', 'well', 'quality', 'aint', 'bad', 'aint', 'complaining'], ['happen', 'tonight'], ['mandy', 'sullivan', 'calling', 'hotmix', '...', 'chosen', 'receive', '£5000.00', 'easter', 'prize', 'draw', '...', '..please', 'telephone', '09041940223', 'claim', '29/03/05', 'prize', 'transferred', 'someone', 'else', '...'], ['think', "'re", 'going', 'finn', 'come'], ['tired', 'special'], ['come', 'tomorrow'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['sleep', 'well', 'take', 'rest'], ['guy', 'never', 'invite', 'anywhere'], ['going', 'bahamas', 'callfreefone', '08081560665', 'speak', 'live', 'operator', 'claim', 'either', 'bahamas', 'cruise', 'of£2000', 'cash', '18+only', 'opt', 'txt', '07786200117'], ['want', 'please', 'inside', 'outside', 'bedroom', '...'], ['calm', 'downon', 'theacusations..', 'itxt', 'co', 'iwana', 'know', 'wotu', 'doin', 'thew/end', '...', 'haventcn', 'ages..ring', 'up4', 'nething', 'sat.love', 'xxx'], ['love', 'wine', 'dine', 'lady'], ['someone', 'conacted', 'dating', 'service', 'entered', 'phone', 'fancy', 'find', 'call', 'landline', '09111030116', 'pobox12n146tf15'], ['i\x92m', 'cool', 'luv', 'v.tired', 'cause', 'doin', 'load', 'planning', 'got', 'social', 'service', 'inspection', 'nursery', 'take', 'care', 'spk'], ['know', 'account', 'details..i', 'ask', 'mom', 'send', 'you.my', 'mom', 'reach'], ['think', 'wrong', 'number'], ['feel', 'always', 'happy..', 'slowly', 'becomes', 'habit', 'amp', 'finally', 'becomes', 'part', 'life..', 'follow', 'it..', 'happy', 'morning', 'amp', 'happy', 'day'], ['late', 'love', 'mum'], ['got', 'it..mail', 'panren', 'paru..'], ['wa', 'thinking', 'chuckin', 'red', 'green', 'black', 'trainners', 'save', 'carryin', 'bac', 'train'], ['give', 'one', 'miss', 'number', 'please'], ['jus', 'came', 'back', 'lunch', 'wif', 'si', 'leh'], ['schedule', 'next', 'week', 'town', 'weekend'], ['really', 'good', 'dhanush', 'rock'], ['lmao', 'wont', 'needing', 'hair', 'anymore'], ['miss', 'need', 'want', 'love'], ['sorry', 'free', '...'], ['ever', 'get', 'song', 'stuck', 'head', 'reason', "n't", 'away', 'til', 'listen', 'like', 'time'], ['yet', 'chikku..simple', 'habba..hw', 'abt'], ['got', 'mail', 'dileep.thank', 'muchand', 'look', 'forward', 'lot', 'support', '...', 'le', 'contact', 'remember', 'one', 'venugopal', 'mentioned.tomorrow', 'late', 'shall', 'try', 'come', 'till', 'there.goodnight', 'dear'], ['sometimes', 'heart', 'remembrs', 'someone', 'much', '...', 'forgets', 'someone', 'soon', '...', 'bcoz', 'heart', 'like', 'everyone', 'liked', 'one', 'remembered', 'everytime', '...', 'bslvyl'], ['joy', 'father', 'john', 'john', 'name', 'joy', 'father', 'mandan'], ['07734396839', 'ibh', 'customer', 'loyalty', 'offer', 'new', 'nokia6600', 'mobile', '£10', 'txtauction', 'txt', 'word', 'start', 'no:81151', 'get'], ['yijue', '...', 'regarding', '3230', 'textbook', 'intro', 'algorithm', 'second', 'edition', '...', 'selling', '...'], ['sm', 'auction', 'nokia', '7250i', 'get', 'win', 'free', 'auction', 'take', 'part', 'send', 'nokia', '86021', 'hg/suite342/2lands', 'row/w1jhl', '16+'], ['want', 'come'], ['little', 'difficult', 'simple', 'way', 'enter', 'place'], ['...', 'thing', 'got', 'watch', 'thk', 'tonight', 'already', 'haf', 'smth', 'mind', '...'], ['dont', 'show', 'far', 'put', 'new', 'picture', 'facebook'], ['watching', 'got', 'new', 'job'], ['good', 'afternoon', 'sexy', 'bun', 'go', 'job', 'search', 'wake', 'first', 'thought', 'always', 'love', 'wish', 'fine', 'happy', 'know', 'adore'], ['coming', 'whatever', 'want'], ['chikku', 'favourite', 'song..'], ['see', 'posted', 'facebook'], ['call', 'freephone', '0800', '542', '0578'], ['buy', 'space', 'invader', 'chance', 'win', 'orig', 'arcade', 'game', 'console', 'press', 'game', 'arcade', 'std', 'wap', 'charge', 'see', 'o2.co.uk/games', 'term', 'setting', 'purchase'], ['wonder', 'world', '7th', '6th', 'style', '5th', 'smile', '4th', 'personality', '3rd', 'nature', '2nd', 'sm', '1st', 'lovely', 'friendship', '...', 'good', 'morning', 'dear'], ['loan', 'purpose', '£500', '£75,000', 'homeowner', 'tenant', 'welcome', 'previously', 'refused', 'still', 'help', 'call', 'free', '0800', '1956669', 'text', 'back', "'help"], ['big', 'brother', 'alert', 'computer', 'selected', '10k', 'cash', '150', 'voucher', 'call', '09064018838', 'ntt', 'box', 'cro1327', '18+', 'landline', 'cost', '150ppm', 'mobile', 'vary'], ['well', 'later'], ['uncle', 'atlanta', 'wish', 'guy', 'great', 'semester'], ['dear', 'free', 'message', 'without', 'recharge'], ['dont', 'search', 'love', 'let', 'love', 'find', 'thats', 'called', 'falling', 'love', 'bcoz', 'dont', 'force', 'fall', 'know', 'smeone', 'hold', '...', 'bslvyl'], ['dun', 'believe', 'thk', 'told'], ['know', 'god', 'created', 'gap', 'fingers..', 'one', 'made', 'come', 'amp', 'fill', 'gap', 'holding', 'hand', 'love..'], ['yes', 'sura', 'sun', 'lol'], ['arun', 'transfr', 'amt'], ['takin', 'shower', 'yeah', "'ll", 'leave', 'done'], ['working', 'eye', 'philosophy', 'text', 'later', 'bit', 'free', 'chat', '...'], ['haven\x92t', 'lost', 'ill', 'always', '4u.i', 'didn\x92t', 'intend', 'hurt', 'never', 'knew', 'felt', 'iwas+marine', 'that\x92s', 'itried2tell', 'urmom.i', 'careabout'], ['win', 'winner', 'mr.', 'foley', 'ipod', 'exciting', 'prize', 'soon', 'keep', 'eye', 'mobile', 'visit', 'www.win-82050.co.uk'], ['bad', 'girl', 'still', 'remember'], ['much', 'gave', 'morning'], ['hope', 'alright', 'babe', 'worry', 'might', 'felt', 'bit', 'desparate', 'learned', 'job', 'fake', 'waiting', 'come', 'back', 'love'], ['hey', 'tell', 'blake', 'address', 'carlos', 'wanted', 'meet', 'got', 'lost', 'answering', 'phone'], ['get', 'opinion', 'something', 'first'], ['one', 'week', 'leave', 'put', 'know', 'time'], ['hit', 'move'], ['excellent', 'spent', 'year', 'air', 'force', 'iraq', 'afghanistan', 'stable', 'honest', 'like', 'traveling'], ['wan', 'watch', 'movie'], ['lor', 'thanx', '...', 'school'], ['class', 'get', 'text'], ['bus', 'leaf'], ['god', 'bless.get', 'good', 'sleep', 'dear', '...', 'pray'], ['today', 'voda', 'number', 'ending', '1225', 'selected', 'receive', '£50award', 'match', 'please', 'call', '08712300220', 'quoting', 'claim', 'code', '3100', 'standard', 'rate', 'app'], ['nice', 'day', 'today', 'love', 'dearly'], ['aiyo', 'bit', 'pai', 'seh', 'noe', '...', 'scared', 'dun', 'rem', 'die', '...', 'hee', '...', 'become', 'better', 'lookin', 'oredi', 'leh', '...'], ['aight', "'ll", 'ask', 'roommate'], ['whats', 'house', 'beer'], ['wan', 'meet', 'combine', 'part', 'rest', 'project', 'going'], ['getting', 'ticket', 'walsall', 'tue', 'march', 'mate', 'getting', 'sat', 'ill', 'pay', 'treat', 'want', 'txt', 'bak', '.terry'], ['yes', 'chatting'], ['jess', 'dont', 'know', 'work', 'call', 'home', 'eve', 'xxx'], ['sian', '...', 'aft', 'meeting', 'supervisor', 'got', 'work', 'liao', '...', 'working'], ['going', 'write', 'ccna', 'exam', 'week'], ['well', 'watch', 'shrek'], ['much', 'dirty', 'fellow'], ['dunno', 'dat', 'wat', 'told', 'lor', '...'], ["'ll", 'probably', 'tomorrow', 'even', 'later', 'tonight', 'something', 'going'], ['could', "n't", 'say', 'dying', 'man', 'feel', 'sad', 'wanted', 'know', 'would', 'probably', 'gone', 'late', 'night'], ["'re", 'thinking', 'lifting', 'one'], ['...', 'dun', 'wan', '...', 'dun', 'like', 'already', '...', 'wat', 'still', 'eating'], ['sent', 'email', 'soon'], ['wat', 'make', 'people', 'dearer', 'happiness', 'dat', 'feel', 'meet', 'pain', 'feel', 'miss', 'dem'], ['dude', 'teresa', 'hope', 'okay', 'didnt', 'hear', 'people', 'called', 'received', 'package', 'since', 'dec', 'thot', "you'ld", 'like', 'know', 'fantastic', 'year', 'best', 'reading', 'plus', 'really', 'really', 'bam', 'first', 'aid', 'usmle', 'work', 'done'], ['hey', 'gorgeous', 'man', 'work', 'mobile', 'number', 'good', 'one', 'babe', 'squishy', 'mwahs'], ['may', 'call', 'later', 'pls'], ['hottest', 'pic', 'straight', 'phone', 'see', 'getting', 'wet', 'wanting', 'text', 'pic', '89555', 'txt', 'cost', '150p', 'textoperator', 'g696ga', 'xxx'], ['way', 'stay'], ['hello-', 'thanx', 'taking', 'call', 'got', 'job', 'start', 'monday'], ['time', 'flight', 'tmr'], ['come'], ['rather', 'prominent', 'bite', 'mark', 'right', 'cheek'], ['september'], ['wet', 'right'], ['husband'], ['hack', 'chat', 'get', 'backdoor', 'entry', '121', 'chat', 'room', 'fraction', 'cost', 'reply', 'neo69', 'call', '09050280520', 'subscribe', '25p', 'dp', 'bcm', 'box', '8027', 'ldn', 'wc1n3xx'], ['norm', 'tomorrow', 'finish', '4.15', 'co', 'test', 'need', 'sort', 'library', 'stuff', 'point', 'tomo', 'got', 'letter', 'today', 'access', 'til', 'end', 'march', 'better', 'get', 'move'], ['yeah', 'got', 'list', 'joanna', 'feeling', 'really', 'anti', 'social'], ['office'], ['comingdown', 'later'], ['super', 'good', 'replacement', 'murali'], ['good', 'good', 'player.why', 'unsold'], ['want', 'join', 'sts', 'later', 'meeting', 'five', 'call', 'class'], ['engalnd', 'telly', 'decided', "n't", 'let', 'watch', 'mia', 'elliot', 'kissing', 'damn'], ['free', 'nokia', 'motorola', 'upto', '12mths', '1/2price', 'linerental', '500', 'free', 'x-net', 'min', '100txt/mth', 'free', "b'tooth*", 'call', 'mobileupd8', '08001950382', 'call', '2optout/d3wv'], ['dont', 'want', 'hear', 'philosophy', 'say', 'happen'], ['got', 'job', 'wipro', 'get', 'every', 'thing', 'life', 'year'], ['cant', 'get', 'laptop', 'matric', 'card', 'wif', 'lei', '...'], ['dunno', 'next', 'show', 'aft', '850', 'toa', 'payoh', 'got', '650'], ['2nd', 'time', 'tried', 'contact', '750', 'pound', 'prize', 'claim', 'easy', 'call', '08718726970', '10p', 'per', 'min', 'bt-national-rate'], ['made', 'payment', 'dont', 'much', 'sorry', 'would', 'want', 'fedex', 'way'], ["did't", 'play', 'one', 'day', 'last', 'year', 'know', 'even', 'though', 'good', 'team..', 'like', 'india'], ['girl', 'waiting', 'reception'], ['say', 'slowly', 'god', 'love', 'amp', 'need', 'clean', 'heart', 'blood.send', 'ten', 'special', 'people', 'amp', 'miracle', 'tomorrow', 'pls', 'pls', '...'], ['hate', 'turn', 'fun', 'shopping', 'trip', 'annoying', 'day', 'everything', 'would', 'look', 'house'], ['sir', 'waiting', 'call'], ['want', 'come', 'online'], ['could', 'work', "'ll", 'reach', 'consensus', 'next', 'meeting'], ['aiyah', 'wait', 'lor', 'entertain', 'hee', '...'], ['last', 'thing', 'ever', 'wanted', 'hurt', "n't", 'think', 'would', 'laugh', 'embarassed', 'delete', 'tag', 'keep', 'going', 'far', 'knew', "n't", 'even', 'fact', 'even', 'felt', 'like', 'would', 'hurt', 'show', 'really', "n't", 'know', 'messy', 'wednesday', "n't", 'bad', 'problem', 'time', 'clean', 'choose', 'skype', 'take', 'picture', 'sleep', 'want', "n't", 'mind', 'thing', "n't", 'make', 'bed', 'throw', 'laundry', 'top', "n't", 'friend', 'house', 'embarassed', 'underwear', 'bra', 'strewn', 'bed', 'pillow', 'floor', 'something', 'else', 'used', 'good', 'least', 'making', 'bed'], ["'ll", 'let', 'know', 'kick'], ['call', 'said', 'call'], ['call', 'number', 'available', 'appointment', 'ask', 'connect', 'call', 'waheed', 'fathima'], ['buy', 'wif', 'meet', 'later'], ['mmmm', '...', 'fuck', '...', 'fair', 'know', 'weakness', '*grins*', '*pushes', "knee's*", '*exposes', 'belly', 'pull', 'head', 'it*', "n't", 'forget', '...', 'know', '*wicked', 'smile*'], ['today', 'system', 'get', 'ready.all', 'well', 'also', 'deep', 'well'], ['mom', 'want', 'know'], ['aight', "'ll", 'text', 'back'], ['dont', 'know', 'support', 'srt', 'thnk', 'think', 'ps3', 'play', 'usb'], ['didnt', 'know', 'meant', 'yep', 'baby', 'jontin'], ['guaranteed', '£1000', 'cash', '£2000', 'prize.to', 'claim', 'prize', 'call', 'customer', 'service', 'representative'], ['would', 'like', 'see', 'xxx', 'pic', 'hot', 'nearly', 'banned'], ['hmv', 'bonus', 'special', '500', 'pound', 'genuine', 'hmv', 'voucher', 'answer', 'easy', 'question', 'play', 'send', 'hmv', '86688', 'info', 'www.100percent-real.com'], ['watching', 'got', 'new', 'job'], ['pen', 'thing', 'beyond', 'joke', 'wont', 'biro', "n't", 'master', "n't", 'ever'], ['party', 'alex', 'nichols'], ['secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09058094594'], ['seeing', 'missed', 'call', 'dear', 'brother', 'gr8', 'day'], ['ok..', 'finishing', 'soon'], ['sorry', "n't", 'help'], ['come', 'slave', '...', 'going', 'shell', 'unconsciously', 'avoiding', '...', 'making', 'unhappy'], ['love', 'enjoy', 'doggy', 'style'], ['think', 'asking', 'gym', 'excuse', 'lazy', 'people', 'jog'], ['dear', '0776xxxxxxx', "'ve", 'invited', 'xchat', 'final', 'attempt', 'contact', 'txt', 'chat', '86688', '150p/msgrcvdhg/suite342/2lands/row/w1j6hl', 'ldn', '18yrs'], ['urgent', 'please', 'call', '09061743811', 'landline', 'abta', 'complimentary', 'tenerife', 'holiday', '£5000', 'cash', 'await', 'collection', 'sae', 'box', '326', 'cw25wx', '150ppm'], ['way', 'home', 'long', 'dry', 'spell', 'season', 'would'], ['got', 'collect', 'car', 'lei'], ['knackered', 'came', 'home', 'went', 'sleep', 'good', 'full', 'time', 'work', 'lark'], ['probably', 'earlier', 'station', 'think'], ['call', '09090900040', 'listen', 'extreme', 'dirty', 'live', 'chat', 'going', 'office', 'right', 'total', 'privacy', 'one', 'know', 'sic', 'listening', '60p', 'min', '24/7mp', '0870753331018+'], ['good', 'morning', 'plz', 'call', 'sir'], ['freemsg', 'hey', 'got', 'video/pic', 'fones', 'reply', 'wild', 'txt', 'ill', 'send', 'pic', 'hurry', 'bored', 'work', 'xxx', '150p/rcvd', 'stop2stop'], ['head', "n't", 'much', 'left'], ['tot', 'outside', 'co', 'darren', 'say', 'come', 'shopping', 'course', 'nice', 'wat', 'jus', 'went', 'sim', 'lim', 'look', 'mp3', 'player'], ['aight', 'sound', 'good', 'want', 'come'], ['wat', 'would', 'like', 'birthday'], ['love', 'working', 'home'], ['miss', 'vday', 'parachute', 'double', 'coin', 'must', 'know', 'well', '...'], ['sorry', "'ll", 'call', 'later'], ['sister', 'got', 'placed', 'birla', 'soft'], ['free', 'entry', 'weekly', 'comp', 'chance', 'win', 'ipod', 'txt', 'pod', '80182', 'get', 'entry', 'std', 'txt', 'rate', 'apply', '08452810073', 'detail', '18+'], ['wah', '...', 'okie', 'okie', '...', 'muz', 'make', 'use', 'unlimited', '...', 'haha', '...'], ["'re", 'people', 'table', 'lambda'], ['stop', 'old', 'man', 'get', 'build', 'snowman', 'snow', 'angel', 'snowball', 'fight'], ['ello', 'babe'], ['hello', 'beautiful', "'ve", 'kinda', 'row', 'wiv', 'walked', 'pub', 'wanted', 'night', 'wiv', 'miss'], ['going', 'ikea', 'str', 'aft', 'dat'], ['becoz', 'jan', 'whn', 'post', 'ofice', 'holiday', 'post', 'ofice', '...', 'got', 'duffer'], ['lol', 'grr', 'mom', 'taking', 'forever', 'prescription', 'pharmacy', 'like', 'minute', 'away', 'ugh'], ['real', 'tho', 'suck', "n't", 'even', 'cook', 'whole', 'electricity', 'hungry'], ['want'], ['new', 'textbuddy', 'chat', 'horny', 'guy', 'area', '25p', 'free', 'receive', 'search', 'postcode', 'gaytextbuddy.com', 'txt', 'one', 'name', '89693', '08715500022', 'rpl', 'stop', 'cnl'], ['time', 'month', 'mid', 'time'], ['fffff', 'text', 'kadeem', 'far', 'gone'], ['leaving', 'yet', 'lor', 'elsewhere', 'eat', 'thk', '...'], ['fujitsu', 'series', 'lifebook', 'good'], ['yar', 'wanted', 'scold', 'yest', 'late', 'already', '...', 'got', 'zhong', 'qing', 'ask', 'ask', "'ll", 'lor', 'still', 'act', 'real'], ['dont', 'know', 'bring', 'food'], ['current', 'food', 'alone', 'also'], ["'ll", 'sch', '4-6', '...', 'dun', 'haf', 'book', 'sch', '...', 'home', '...'], ['hello', 'going', 'village', 'pub', 'either', 'come', 'accordingly'], [], ['call', 'like', 'time', 'give', 'hypertension'], ['dont', 'give', 'monkey', 'wot', 'think', 'certainly', "n't", 'mind', 'friend', 'mine', "n't", 'sleep', 'wiv', 'wud', 'annoyin'], ['omg', 'could', 'snow', 'tonite'], ['call', '08702490080', 'tell', 'call', '09066358152', 'claim', '£5000', 'prize', 'enter', 'mobile', 'personal', 'detail', 'prompt', 'careful'], ['free', '1st', 'week', 'entry', 'textpod', 'chance', 'win', '40gb', 'ipod', '£250', 'cash', 'every', 'txt', 'vpod', '81303', 'www.textpod.net', 'custcare', '08712405020'], ['carry', 'disturbing'], ['tell', 'me..', 'went', 'bath'], ['jus', 'finished', 'avatar', 'nigro'], ['scratching'], ['hope', 'great', 'day'], ['either', 'idea', 'know', 'anyplaces', 'something'], ['planning', 'usually', 'stop', 'find', 'hella', 'weed', 'smoke', 'hella', 'weed'], ['fact', "'re", 'cleaning', 'show', 'know', 'upset', 'priority', 'constantly', 'want', 'need'], ['excellent', 'ready', 'moan', 'scream', 'ecstasy'], ['people', 'dogging', 'area', 'call', '09090204448', 'join', 'like', 'minded', 'guy', 'arrange', 'evening', 'a£1.50', 'minapn', 'ls278bb'], ['dude', 'avatar', 'imp', 'one', 'point', 'thought', 'actually', 'fly', 'room', 'almost', 'tried', 'hittng', 'one', 'reflex'], ['well', 'done', 'costa', 'del', 'sol', 'holiday', '£5000', 'await', 'collection', 'call', '09050090044', 'toclaim', 'sae', 'tc', 'pobox334', 'stockport', 'sk38xh', 'cost£1.50/pm', 'max10mins'], ['...', 'cant', 'come', 'search', 'job'], ['got', 'lousy', 'sleep', 'kept', 'waking', 'every', 'hour', 'see', 'cat', 'wanted', 'come', 'worry', 'cold'], ['yeah', "'ll", 'leave', 'couple', 'minute', 'amp', 'let', 'know', 'get'], ['call', '10:10', 'make', 'sure', 'dat', "'ve", 'woken', '...'], ['hey', 'jazz', 'power', 'yoga', 'hip', 'hop', 'yogasana'], ['battery', 'adewale', 'uncle', 'aka', 'egbon'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['wait', 'min..stand', 'bus', 'stop'], ['thought', 'meant', 'mary', 'jane'], ['haha', '...', 'really', '...', 'deduct', 'lesson', 'tmr'], ['nah', 'goin', 'wrks', 'wot', 'bout'], ['eat', 'shit', 'wait', 'monkey', 'face', 'bitch', '...', '...', '...', 'asshole', '...', '...', '...', '...', '...', '...'], ['good', 'night', 'going', 'sleep'], ['aight', "'ll", 'grab', 'something', 'eat', 'text', "'re", 'back'], ['...', 'cant', 'come', 'search', 'job'], ['take', 'something', 'pain', 'move', 'however', 'side', 'next', '6hrs', 'see', 'doctor'], ['lol', '...', 'babe', 'wont', 'sliding', 'place', 'midnight', 'thanks', 'invite'], ['howz', 'person', 'story'], ['guess', 'somebody', 'know', 'secretly', 'fancy', 'wan', 'find', 'give', 'call', '09065394973', 'landline', 'datebox1282essexcm61xn', '150p/min'], ['lol', 'would', 'awesome', 'payback'], ['80488', '500', 'free', 'text', 'message', 'valid', 'december', '2005'], ['yes', 'completely', 'form', 'clark', 'also', 'utter', 'waste'], ['honeybee', 'said', 'sweetest', 'world*', 'god', 'laughed', 'amp', 'said', '*wait', 'havnt', 'met', 'person', 'reading', 'msg*', 'moral', 'even', 'god', 'crack', 'joke', 'gm+gn+ge+gn'], ['thanks', 'tescos', 'quite', 'nice', 'gone', 'speak', 'soon'], ['feathery', 'bowa', 'something', 'guy', "n't", 'know'], ['even', 'cant', 'close', 'eye', 'vava', 'playing', 'umma'], ['laptop', '...', 'noe', 'infra', 'slow', 'lar', '...', 'wan', 'fast', 'one'], ['guaranteed', '£200', 'award', 'even', '£1000', 'cashto', 'claim', 'award', 'call', 'free', '08000407165', '18+', 'stop', 'getstop', '88222', 'php'], ['nvm', '...'], ['enjoy', 'life', 'good', 'night'], ['yes', 'meet', 'town', 'co', 'gep', 'home', 'could', 'text', 'bus', 'stop', "n't", 'worry', "'ll", 'finished', 'march', 'ish'], ['askd', 'question', 'hour', 'answer'], ['thats', 'cool', 'cum'], ['delhi', 'chennai', 'still', 'silent'], ['lol', 'alright', 'thinkin', 'haha'], ['reply', 'win', '£100', 'weekly', '2006', 'fifa', 'world', 'cup', 'held', 'send', 'stop', '87239', 'end', 'service'], ['boat', 'still', 'mom', 'check', 'half', 'naked'], ['shhhhh', 'nobody', 'supposed', 'know'], ['sorry', "'ll", 'call', 'later'], ['sorry', "'ll", 'call', 'later', 'meeting', 'thing', 'related', 'trade', 'please', 'call', 'arul'], ['hey', 'late', '...', 'amk', 'need', 'drink', 'tea', 'coffee'], ['wnt', 'buy', 'bmw', 'car', 'urgently..its', 'vry', 'urgent.but', 'shortage', 'lacs.there', 'source', 'arng', 'dis', 'amt', 'lacs..thats', 'prob'], ['urgent', 'please', 'call', '09061743810', 'landline', 'abta', 'complimentary', 'tenerife', 'holiday', '5000', 'cash', 'await', 'collection', 'sae', 'box', '326', 'cw25wx', '150', 'ppm'], ['length', 'top', 'shorter', 'got', 'fringe', 'thk', 'going', 'liao', 'lazy', 'dun', 'wan', 'distract', 'also'], ['s..antha', 'num', 'corrct', 'dane'], ['calls..messages..missed', 'call'], ['sorry', "'ll", 'call', 'later'], ['basket', 'gettin', 'full', 'might', 'tonight'], ['darlin', 'ive', 'got', 'back', 'really', 'nice', 'night', 'thanks', 'much', 'lift', 'see', 'tomorrow', 'xxx'], ['valentine', 'huh', 'proof', 'page', 'ugh', 'glad', 'really', "n't", 'watch', 'rupaul', 'show', 'tool'], ['free', 'tone', 'hope', 'enjoyed', 'new', 'content', 'text', 'stop', '61610', 'unsubscribe', 'help:08712400602450p', 'provided', 'tones2you.co.uk'], ['den', 'sat', 'book', 'liao', 'huh', '...'], ['practising', 'curtsey'], ['shall', 'come', 'get', 'pickle'], ['lol', 'boo', 'hoping', 'laugh'], ['yeh', 'def', 'up4', 'something', 'sat', 'got', 'payed2day', 'havbeen', 'given', 'a£50', 'pay', 'rise', '4my', 'work', 'havebeen', 'made', 'preschoolco-ordinator', 'feelingood', 'luv'], ['well', 'leave', 'class', 'babe', '...', 'never', 'came', 'back', '...', '...', 'hope', 'nice', 'sleep', 'love'], ['lmao', 'fish', 'memory', 'need'], ["'ll", 'going', 'sch', 'mon', 'si', 'need', 'take', 'smth'], ['idea', 'soon', 'get', 'converted', 'live'], ['themob', 'yo-here', 'come', 'new', 'selection', 'hot', 'downloads', 'member', 'get', 'free', 'click', 'open', 'next', 'link', 'sent', 'fone', '...'], ['...', '...', 'india', 'going', 'draw', 'series', 'many', 'year', 'south', 'african', 'soil..'], ['goodmorning', 'today', 'late', 'decimal', 'min'], ["n't", 'take', 'major', 'role', 'community', 'outreach', 'rock', 'mel'], ['shopping', 'lor', 'raining', 'mah', 'hard', 'leave', 'orchard'], ['birth', '8lb', '7oz', 'mother', 'baby', 'brilliantly'], ['see', 'forwarding', 'message', 'proof'], ["n't", 'keep', 'going', 'never', 'intention', 'run', 'choose', 'rather', 'keep', 'room', 'clean', '*i*', "n't", 'say', 'visitor', 'maybe', 'best', 'choice', 'yes', 'wanted', 'embarassed', 'maybe', 'feel', 'feel', 'friend', 'want', 'drop', 'buy', 'say', 'happened', 'morning', "'ve", 'tried', 'everything', "n't", 'know', 'else'], ['dunno', 'lei', '...', 'thk', 'mum', 'lazy', '...', 'neva', 'ask', 'yet', '...'], ['whatever', 'want', 'know', 'rule', 'talk', 'earlier', 'week', 'start', 'happening', 'showing', 'responsibility', 'yet', 'every', 'week', 'bend', 'rule', 'way', 'way', 'whatever', 'tired', 'thia', 'argument', 'every', 'week', 'movie', 'doesnt', 'inlude', 'preview', "'re", 'still', 'getting'], ['beautiful', 'truth', 'gravity..', 'read', 'carefully', 'heart', 'feel', 'light', 'someone', 'it..', 'feel', 'heavy', 'someone', 'leaf', 'it..', 'goodmorning'], ['great', 'news', 'call', 'freefone', '08006344447', 'claim', 'guaranteed', '£1000', 'cash', '£2000', 'gift', 'speak', 'live', 'operator'], ['ambrith..madurai..met', 'arun', 'dha', 'marrge..remembr'], ['read', 'shame', 'tell', 'take', 'run', 'blame', 'ever', 'really', 'ever', 'long', 'time'], ['princess', 'kitty', 'shaved', 'natural'], ['better', 'wont', 'use', 'wife', 'doctor'], ['came', 'ago'], ['tomorrow', 'onwards', 'eve', 'work'], ['anything', 'lor', 'toa', 'payoh', 'got', 'place', 'walk', 'meh', '...'], ["n't", 'anybody', 'number', 'still', "n't", 'thought', 'tactful', 'way', 'ask', 'alex'], ['win', '£100', 'music', 'gift', 'voucher', 'every', 'week', 'starting', 'txt', 'word', 'draw', '87066', 'tscs', 'www.ldew.com', 'skillgame,1winaweek', 'age16.150ppermesssubscription'], ['movie', 'theatre', 'watch', 'unlimited', 'movie', 'pay'], ['lunch', 'alone', 'bored', '...'], ['yes', 'obviously', 'eggs-pert', 'potato', 'head…', 'speak', 'soon'], ['nah', 'man', 'car', 'meant', 'crammed', 'full', 'people'], ['got', 'new', 'job', 'bar', 'airport', 'satsgettin', '4.47per', 'hour', 'mean', 'lie', 'keep', 'touch'], ['kallis', 'ready', 'bat', '2nd', 'inning'], ['thanx', 'birthday', 'already'], ['ugh', "n't", 'apologize', 'admit', 'wrong', 'ask', 'take', 'back'], ['noe', '...', 'wana', 'pei', 'oso', 'rite', '...', 'lor', 'day', 'den', '...'], ['yes', 'small', 'kid..', 'boost', 'secret', 'energy..'], ['gon', 'miss', 'much'], ['avatar', 'supposed', 'subtoitles'], ['simply', 'sitting', 'watching', 'match', 'office..'], ['jot', 'thing', 'want', 'remember', 'later'], ['sorry', 'please'], ['hey', 'going', 'lesson', 'gym'], ['dont', 'pack', 'buy', 'store.like', 'cereal', 'must', 'pack', 'food', 'pack', 'gari', 'something', '9ja', 'miss'], ['always', 'make', 'thing', 'bigger'], ['dun', 'wan', 'watch', 'infernal', 'affair'], ['waking', 'afternoon', 'sup'], ['4mths', 'half', 'price', 'orange', 'line', 'rental', 'latest', 'camera', 'phone', 'free', 'phone', '11mths', 'call', 'mobilesdirect', 'free', '08000938767', 'update', 'or2stoptxt'], ['send', 'pic', 'like'], ['okay', '...', 'booked', 'already', '...', 'including', 'one', 'bugis'], ['aight', 'fuck', "'ll", 'get', 'later'], ['call', 'time', 'ill', 'tell'], ['dont', 'use', 'hook'], ['much', 'blackberry', 'bold2', 'nigeria'], ['home', 'calicut'], ['hey', 'darlin..', 'pick', 'college', 'tell', 'wen', 'mt..', 'love', 'pete'], ['call', '09094100151', 'use', 'min', 'call', 'cast', '10p/min', 'mob', 'vary', 'service', 'provided', 'aom', 'gbp5/month', 'aom', 'box61', 'm60', '1er', 'stop', 'age', '18+'], ['...', 'thkin', 'goin', 'yogasana', 'den', 'den', 'rush', 'parco', '...', 'okie', 'lor', 'call', 'ready', '...'], ['late', 'need', 'get', 'laptop', '...'], ['sir', 'waiting', 'mail'], ['.please', 'charge', 'mobile', 'get', 'morning'], ['nothing', 'got', 'msg', 'frm', 'tht', 'unknown', 'no..'], ['ugh', 'fuck', 'resubbing', 'eve'], ["n't", 'see', 'shadow', 'get', 'early', 'spring', 'yay'], ['one', 'slice', 'one', 'breadstick', 'lol'], ['hey', 'want', 'crave', 'miss', 'need', 'love', 'ahmad', 'saeed', 'hallaq', '...'], ['training', 'tomorrow'], ['urgent', 'mobile', '***********', '£2,000', 'bonus', 'caller', 'prize', '02/06/03', '2nd', 'attempt', 'reach', 'call', '09066362220', 'asap', 'box97n7qp', '150ppm'], ['pas', 'dis', 'contact', 'see', 'wat', 'get', 'red', 'luv', 'wid', 'blue', 'put', 'smile', 'face', 'purple', 'realy', 'hot', 'pink', 'swt', 'orange', 'thnk', 'lyk', 'green', 'realy', 'wana', 'wid', 'yelow', 'wnt', 'bck', 'black', 'jealous', 'brown', 'miss', 'plz', 'giv', 'one', 'color'], ['co', 'daddy', 'arranging', 'time', 'wat', 'time', 'fetch', 'mah', '...'], ['eldest', 'know'], ['say', 'drugdealer'], ['hard', 'believe', 'thing', 'like', 'say', 'lie', 'think', 'twice', 'saying', 'anything'], ['eerie', 'nokia', 'tone', 'rply', 'tone', 'title', '8007', 'tone', 'dracula', '8007', 'title', 'ghost', 'addamsfa', 'munsters', 'exorcist', 'twilight', 'www.getzed.co.uk', 'pobox36504w45wq', '150p'], ['sexy', 'single', 'waiting', 'text', 'age', 'followed', 'gender', 'wither', 'e.g.23f', 'gay', 'men', 'text', 'age', 'followed', 'e.g.23g'], ['good', 'night', 'dear..', 'sleepwell', 'amp', 'take', 'care'], ['wondarfull', 'song'], ['freemsg', 'claim', '250', 'sm', 'messages-text', '84025', 'use', 'web2mobile', 'mate', 'etc', 'join', 'txt250.com', '1.50p/wk', 'box139', 'la32wu', 'remove', 'txtx', 'stop'], ['yar', 'lor', 'actually', 'quite', 'fast', '...', 'co', 'slow', 'wat', '...', 'haha', '...'], ['must', 'come', 'later..', 'normally', 'bathe', 'afternoon', 'mah..'], ['trust', 'even', "n't"], ['hey', 'hun-onbus', 'goin', 'meet', 'want', '2go', 'meal', 'donyt', 'feel', 'like', 'cuz', 'get', 'last', 'bus', 'home', 'sweet', 'latelyxxx'], ['85233', 'free', 'ringtone', 'reply', 'real'], ['take', 'like', 'noon'], ['opening', 'mca'], ['aight', 'wat', 'happening', 'side'], ['done', 'oredi', '...'], ['sweet', 'well', 'princess', 'please', 'tell', 'like', 'dislike', 'bed', '...'], ['wish', 'great', 'semester'], ['moji', 'love', 'word', 'rich', 'day'], ['dude', 'like', 'buff', 'wind'], ['alright', 'babe', 'justthought', 'i\x92d', 'sayhey', 'doin', 'nearly', 'endof', 'offdam', 'nevamind', '2hook', 'uwant', 'lovejen'], ['well', 'done', 'england', 'get', 'official', 'poly', 'ringtone', 'colour', 'flag', 'yer', 'mobile', 'text', 'tone', 'flag', '84199', 'opt-out', 'txt', 'eng', 'stop', 'box39822', 'w111wx', '£1.50'], ["n't", 'give', 'everything', 'want', 'need', 'actually', 'could', 'better', 'yor', "'ve", 'got', 'money', "n't", 'get', 'work', "n't", 'get', 'man', "n't", 'pay', 'rent', "n't", 'even', 'fill', 'fucking', 'gas', 'tank', 'yes', 'stressed', 'depressed', "n't", 'even', 'call', 'home', 'thanksgiving', 'cuz', "'ll", 'tell', 'nothing'], ['kallis', 'wont', 'play', 'first', 'two', 'odi'], ['get', 'cash', 'together', "'ll", 'text', 'jason'], ['love', 'soooo', 'good', 'hear', 'omg', 'missed', 'much', 'today', 'sorry', 'problem', 'provider', 'thank', 'tming'], ['final', 'chance', 'claim', '£150', 'worth', 'discount', 'voucher', 'today', 'text', 'yes', '85023', 'savamob', 'member', 'offer', 'mobile', 'savamob', 'pobox84', 'm263uz', '£3.00', 'sub'], ['private', '2004', 'account', 'statement', '07742676969', 'show', '786', 'unredeemed', 'bonus', 'point', 'claim', 'call', '08719180248', 'identifier', 'code', '45239', 'expires'], ['probably', 'want', 'pick'], ['done', '...'], ['cutest', 'girl', 'world'], ['dice', 'art', 'class', 'thru', 'thanks', 'though', 'idea', 'time', 'come', 'tomorrow'], ['sm', 'service', 'inclusive', 'text', 'credit', 'pls', 'goto', 'www.comuk.net', 'login=', '*****', 'unsubscribe', 'stop', 'extra', 'charge', 'help:08700469649', 'box420', 'ip4', '5we'], ['howda', 'gud', 'gud..', 'mathe', 'samachara', 'chikku'], ['thk', '530', 'lor', 'dunno', 'get', 'ticket', 'wat'], ['audrie', 'lousy', 'autocorrect'], ['site', 'simulate', 'test', 'give', 'tough', 'question', 'test', 'readiness'], ['anyway', 'seriously', 'hit', "'re", 'back', 'otherwise', 'light', 'armand', 'always', 'shit', 'and/or', 'vomiting'], ['fetch', 'yun', 'fetch'], ['thank', 'like', 'well', '...'], ['hmmm', '...', 'imagine', "'ve", 'come', 'home', 'rub', 'foot', 'make', 'dinner', 'help', 'get', 'ready', 'date', 'sure', 'ready', 'kind', 'life'], ['free2day', 'sexy', 'george', 'day', 'pic', 'jordan', 'txt', 'pic', '89080', 'dont', 'miss', 'every', 'saucy', 'celeb', 'pic', 'pocketbabe.co.uk', '0870241182716', '£3/wk'], ['lara', 'said', 'loan'], ['spare', 'power', 'supply'], ['yar', 'quite', 'clever', 'aft', 'many', 'guess', 'lor', 'got', 'ask', 'bring', 'thk', 'darren', 'willing', 'aiya', 'thk', 'leona', 'still', 'attach', 'wat'], ['winner', 'specially', 'selected', 'receive', '£1000', 'cash', '£2000', 'award', 'speak', 'live', 'operator', 'claim', 'call', '087123002209am-7pm', 'cost', '10p'], ['yeah', "n't", 'bed', "'ll", 'back', 'midnight'], ['sunshine', 'hols', 'claim', 'med', 'holiday', 'send', 'stamped', 'self', 'address', 'envelope', 'drink', 'box', '113', 'bray', 'wicklow', 'eire', 'quiz', 'start', 'saturday', 'unsub', 'stop'], ['well', "n't", 'available', 'washob', 'nobbing', 'last', 'night', 'ask', 'nickey', 'platt', 'instead'], ['time', 'week', 'ryan'], ['wish', 'many', 'many', 'return', 'day..', 'happy', 'birthday', 'vikky..'], ['win', '£100', 'music', 'gift', 'voucher', 'every', 'week', 'starting', 'txt', 'word', 'draw', '87066', 'tscs', 'www.idew.com', 'skillgame', '1winaweek', 'age16', '150ppermesssubscription'], ['hope', 'know', 'still', 'mad'], ['argh', 'spotty', 'anyway', 'thing', 'remember', 'research', 'province', 'sterling', 'problem-free', 'place', 'looked'], ['xam', 'hall', 'boy', 'asked', 'girl', 'tell', 'starting', 'term', 'dis', 'answer', 'den', 'manage', 'lot', 'hesitation', 'lookin', 'around', 'silently', 'said', 'intha', 'ponnungale', 'ipaditan'], ['know', 'result'], ['+123', 'congratulation', 'week', 'competition', 'draw', '£1450', 'prize', 'claim', 'call', '09050002311', 'b4280703', 'cs/stop', 'sm', '08718727868', '150ppm'], ['beautiful', 'truth', 'gravity..', 'read', 'carefully', 'heart', 'feel', 'light', 'someone', 'it..', 'feel', 'heavy', 'someone', 'leaf', 'it..', 'good', 'night'], ['sorry', 'getting', 'feel', 'really', 'bad-', 'totally', 'rejected', 'kinda', 'thing'], ['got', 'shitload', 'diamond', 'though'], ['tessy..pls', 'favor', 'pls', 'convey', 'birthday', 'wish', 'nimya..pls', 'dnt', 'forget', 'today', 'birthday', 'shijas'], ['well', 'going', 'aunty'], ['mine', 'like', 'china', 'noisy'], ['later', 'guess', 'needa', 'mcat', 'study'], ['...', 'training', 'manual', 'show', 'tech', 'process', 'password', 'reset', 'troubleshooting'], ['b4u', 'voucher', 'w/c', '27/03', 'marsms', 'log', 'onto', 'www.b4utele.com', 'discount', 'credit', 'opt', 'reply', 'stop', 'customer', 'care', 'call', '08717168528'], ['spoke', 'uncle', 'john', 'today', 'strongly', 'feel', 'need', 'sacrifice', 'keep', 'going', 'call', 'beg', 'listen', 'dont', 'make', 'promise', 'make', 'clear', 'thing', 'easy', 'need', 'please', 'let', 'work', 'thing', 'long', 'keep', 'expecting', 'help', 'creativity', 'stifled', 'pls', 'keep', 'happy', 'promise', 'part'], ['started', 'searching', 'get', 'job', 'days.he', 'great', 'potential', 'talent'], ['carlos', 'took', 'leave', 'minute'], ['well', 'done', 'luv'], ['came', 'hostel'], ['still', 'loving'], ['juz', 'remembered', 'got', 'bathe', 'dog', 'today..'], ['drug', 'able', 'eat'], ['alright', 'took', 'morphine', 'back'], ['see', 'requirement', 'please'], ['stayin', 'trouble', 'stranger', 'saw', 'dave', 'day', 'he\x92s', 'sorted', 'still', 'bloke', 'gona', 'get', 'girl', 'mum', 'still', 'think', 'get', '2getha'], ['freemsg', 'hey', 'buffy', 'love', 'satisfy', 'men', 'home', 'alone', 'feeling', 'randy', 'reply', 'pix', 'qlynnbv', 'help08700621170150p', 'msg', 'send', 'stop', 'stop', 'txts'], ['sunshine', 'hols', 'claim', 'med', 'holiday', 'send', 'stamped', 'self', 'address', 'envelope', 'drink', 'box', '113', 'bray', 'wicklow', 'eire', 'quiz', 'start', 'saturday', 'unsub', 'stop'], ['collect', 'laptop'], ['ok.', 'later', 'showing', 'around', '8-8:30', 'want', 'cld', 'drink', 'wld', 'prefer', 'spend', 'money', 'nosh', "n't", 'mind', 'nxt'], ['get', 'home'], ['waaaat', 'lololo', 'next', 'time'], ['table', 'occupied', 'waiting', 'tree'], ['surely', 'dont', 'forgot', 'come', 'always', 'touch'], ['kindly', 'give', 'back', 'document', 'submitted', 'loan', 'stapati'], ['dont', 'shall', 'buy', 'one', 'dear'], ['god', 'happy', 'see', 'message', 'day'], ['year', 'many', 'mile'], ['hey', 'cutie', 'go', 'wale', 'kinda', 'like', 'hill', 'shit', 'still', 'avent', 'killed'], ['sad', 'story', 'man', 'last', 'week', "b'day", 'wife', "did'nt", 'wish', 'parent', 'forgot', 'kid', 'went', 'work', 'even', 'colleague', 'wish', 'entered', 'cabin', 'said', 'happy', "b'day", 'bos', 'felt', 'special', 'askd', 'lunch', 'lunch', 'invited', 'apartment', 'went', 'said', 'mind', 'bedroom', 'minute', "''ok", 'sed', 'sexy', 'mood', 'came', 'minuts', 'latr', 'wid', 'cake', '...', 'wife', 'parent', 'kidz', 'friend', 'colleague', 'screaming..', 'surprise', 'waiting', 'sofa..', '...', '...', 'naked', '...'], ['think', 'honesty', 'road', 'call', 'bank', 'tomorrow', 'tough', 'decision', 'make', 'great', 'people'], ['free', '1st', 'week', 'no1', 'nokia', 'tone', 'mob', 'every', 'week', 'txt', 'nokia', '87077', 'get', 'txting', 'tell', 'mate', 'zed', 'pobox', '36504', 'w45wq', 'norm150p/tone', '16+'], ['specialisation', 'work', 'slave', 'labor', 'look', 'month', 'sha', 'co', 'shakara', 'beggar'], ['replying', 'ha', 'boye', 'changed', 'phone', 'number'], ['write', 'msg', 'put', 'dictionary', 'mode', 'cover', 'screen', 'hand', 'press', 'gently', 'remove', 'hand..', 'interesting..'], ['darlin', 'way', 'london', 'smashed', 'another', 'driver', 'big', 'dent', 'really', 'missing', 'xxx'], ['nothing', 'really', 'making', 'sure', 'everybody', 'speed'], ['coming', 'home', 'dinner'], ['thank', 'way', 'lost'], ['yes.he', 'good', 'crickiting', 'mind'], ['thx', 'well', 'month'], ['shop', 'till', 'drop', 'either', '10k', '£500', 'cash', '£100', 'travel', 'voucher', 'call', '09064011000', 'ntt', 'box', 'cr01327bt', 'fixedline', 'cost', '150ppm', 'mobile', 'vary'], ['please', 'come', 'imin', 'town.dontmatter', 'urgoin', 'outl8r', 'reallyneed', '2docd.please', 'dontplease', 'dontignore', 'mycalls', 'thecd', 'isv.important', 'tome', '2moro'], ['wont', 'wat', 'wit', 'guy'], ['yavnt', 'tried', 'yet', 'never', 'played', 'original', 'either'], ['hiya', 'good', 'day', 'spoken', 'since', 'weekend'], ['see', 'thought'], ['work', 'please', 'call'], ['get', 'ready', 'moan', 'scream'], ['got', 'job', 'whats'], ['think', "n't", 'need', 'going', 'late', 'school', 'night', 'especially', 'one', 'class', 'one', 'missed', 'last', 'wednesday', 'probably', 'failed', 'test', 'friday'], ['popping', 'ibuprofen', 'help'], ['babe', 'go', 'day', 'sip', 'cappuccino', 'think', 'love', '...', 'send', 'kiss', 'across', 'sea'], [], ['grown', 'right'], ['chinatown', 'got', 'porridge', 'claypot', 'rice', 'yam', 'cake', 'fishhead', 'beehoon', '...', 'either', 'eat', 'cheap', 'den', 'cafe', 'tok', 'nydc', 'somethin', '...'], ['know', 'people', 'hit', 'fuck', 'yes'], ['purity', 'friendship', 'two', 'smiling', 'reading', 'forwarded', 'message..its', 'smiling', 'seeing', 'name', 'gud', 'evng'], ['anything', 'specific', 'regard', 'jaklin', 'idk', 'fuck'], ['god', 'gon', 'google', 'nearby', 'cliff'], ['free', 'camera', 'phone', 'linerental', '4.49/month', '750', 'cross', 'ntwk', 'min', '1/2', 'price', 'txt', 'bundle', 'deal', 'also', 'avble', 'call', '08001950382', 'call2optout/j'], ['yup', 'shd', 'haf', 'ard', 'page', 'add', 'figure', '...', 'got', 'many', 'page'], ['ooh', '4got', 'gon', 'start', 'belly', 'dancing', 'moseley', 'wed', '6.30', 'want', 'join', 'cafe'], ['thankyou', 'much', 'call', 'appreciate', 'care'], ['congrats', 'treat', 'pending.i', 'mail', 'days.will', 'mail', 'thru.respect', 'mother', 'home.check', 'mail'], ['called', 'one', 'pick', 'phone', 'ask', 'already', 'said'], ['email', 'address', 'changed'], ['v-aluable', 'a-ffectionate', 'l-oveable', 'e-ternal', 'n-oble', 't-ruthful', 'i-ntimate', 'n-atural', 'e-namous', 'happy', 'valentine', 'day', 'advance'], ['much', 'textin', 'bout'], ['bring', 'got'], ['movie', 'call', 'wat'], ['sure', 'stomach', '...'], ['haha', '...', '...', 'dinner', 'cousin', '...'], ['boy', 'late', 'home', 'father', 'power', 'frndship'], ['man', 'carlos', 'definitely', 'coming', 'tonight', 'excuse'], ['soon', 'real', 'thing', 'princess', 'make', 'wet'], ['raji..pls', 'favour', 'pls', 'convey', 'birthday', 'wish', 'nimya', 'pls', 'today', 'birthday'], ['haha', 'leg', 'neck', 'killing', 'amigo', 'hoping', 'end', 'night', 'burn', 'think', 'could', 'swing', 'like', 'hour'], ['urgent', 'mobile', '07xxxxxxxxx', '£2,000', 'bonus', 'caller', 'prize', '02/06/03', '2nd', 'attempt', 'reach', 'call', '09066362231', 'asap', 'box97n7qp', '150ppm'], ['usually', 'body', 'take', 'care', 'buy', 'making', 'sure', 'doesnt', 'progress', 'pls', 'continue', 'talk', 'saturday'], ['urgent', 'costa', 'del', 'sol', 'holiday', '£5000', 'await', 'collection', 'call', '09050090044', 'toclaim', 'sae', 'pobox334', 'stockport', 'sk38xh', 'cost£1.50/pm', 'max10mins'], ['hmm', 'well', 'night', 'night'], ['wanted', 'say', 'holy', 'shit', 'guy', "n't", 'kidding', 'bud'], ['gettin', 'bit', 'arty', 'collage', 'well', 'tryin', 'way', 'got', 'roast', 'min', 'lovely', 'shall', 'enjoy'], ['one', 'day', 'billion', 'class', 'right'], ['goodmorning', 'today', 'late', '2hrs', 'back', 'pain'], ["'ll", 'let', 'noe', 'later', 'ask', 'call', 'tmr', '...'], ['prabha..i', 'soryda..realy..frm', 'heart', 'sory'], ['waliking', 'ard', '...', 'wan', 'buy', 'anything', 'house'], ['two', 'carton', 'pleased', 'shelf'], ['nice', 'talking', 'please', 'dont', 'forget', 'pix', 'want', 'see', '...'], ['guaranteed', '£1000', 'cash', '£2000', 'prize', 'claim', 'prize', 'call', 'customer', 'service', 'representative', '08714712379', '10am-7pm', 'cost', '10p'], ['really', 'quite', 'funny', 'lor', 'wat', '...', 'shd', 'haf', 'run', 'shorter', 'distance', 'wat', '...'], ['notice', 'like', 'looking', 'shit', 'mirror', 'youre', 'turning', 'right', 'freak'], ['great', 'getting', 'worried', 'know', 'wonderful', 'caring', 'person', 'like', 'best', 'life', 'know', 'wonderful', 'god', 'love'], ['thanks', 'ringtone', 'order', 'ref', 'number', 'k718', 'mobile', 'charged', '£4.50', 'tone', 'arrive', 'please', 'call', 'customer', 'service', '09065069120'], ['prefer', 'free', 'day', '...', 'tues', 'wed', 'fri', 'oso', '...', 'ask', 'workin', 'lor', '...'], ['alrite', 'jod', 'hows', 'revision', 'goin', 'keris', 'bin', 'doin', 'smidgin', 'way', 'wan', 'cum', 'college'], ['belive', 'come', 'home'], ['k.k..where', 'take', 'test'], ['exact', 'intention'], ['haha', 'money', 'leh', '...', 'later', 'got', 'tuition', '...', 'haha', 'looking', 'empty', 'slot', 'driving', 'lesson'], ['hey', '...', 'thk', 'juz', 'accordin', 'wat', 'discussed', 'yest', 'lor', 'except', 'sun', '...', 'co', 'much', 'lesson', 'attend', 'sat', '...'], ['wen', 'free', 'come', 'home', 'also', 'tel', 'vikky', 'hav', 'sent', 'mail', 'also..', 'better', 'come', 'evening', 'free', 'today', 'aftr', '6pm..'], ['nothing', 'getting', 'msg', 'dis', 'name', 'wit', 'different', "no's.."], ['good', 'morning', 'plz', 'call', 'sir'], ['room', 'number', 'wan', 'make', 'sure', 'knocking', 'right', 'door'], ['si.como', 'listened2the', 'plaid', 'album-quite', 'new', 'air1', 'hilarious-also', 'bought\x94braindance\x94a', 'comp.ofstuff', 'aphex\x92s', 'abel', 'hav2hear', 'xxxx'], ['pls', 'tell', 'nelson', 'longer', 'comin', 'money', 'expecting', 'aint', 'coming'], ['give', 'something', 'drink', 'take', "n't", 'vomit', 'temp', 'might', 'drop', 'unmits', 'however', 'let', 'know'], ['think', 'sent', 'text', 'home', 'phone', 'cant', 'display', 'text', 'still', 'want', 'send', 'number'], ['every', 'day', 'use', 'sleep'], ["'ll", 'call', 'close'], ['buy', 'newspaper', 'already'], ['nope', 'wif', 'si', 'lor', '...', 'aft', 'bathing', 'dog', 'bathe', '...', 'look', 'like', 'going', 'rain', 'soon'], ['boo', 'way', 'mom', 'making', 'tortilla', 'soup', 'yummmm'], ['management', 'puzzeles'], ['find', 'way', "n't", 'include', 'detail'], ['babe', '4goten', 'bout', 'scammer', 'getting', 'smart..though', 'regular', 'vodafone', 'respond', 'get', 'prem', 'rate', 'msg/subscription', 'used', 'also', 'beware'], ['back', 'work', '2morro', 'half', 'term', '2nite', 'sexy', 'passion', 'back', 'chat', '09099726481', 'luv', 'dena', 'call', '£1/minmobsmorelkpobox177hp51fl'], ['like', 'spoiled'], ['thanks', 'ringtone', 'order', 'ref', 'number', 'r836', 'mobile', 'charged', '£4.50', 'tone', 'arrive', 'please', 'call', 'customer', 'service', '09065069154'], ['getting', 'threat', 'sale', 'executive', 'shifad', 'raised', 'complaint', 'official', 'message'], ['hope', 'thing', 'went', 'well', "'doctors", 'reminds', 'still', 'need', '2go.did', 'little', 'thing', 'left', 'lounge'], ['den', 'wat', 'schedule', 'sun'], ['lol', 'enjoy', 'role', 'playing', 'much'], ['ok.', 'watching'], ['lov', 'line', 'hurt', 'truth', "n't", 'mind', 'wil', 'tolerat.bcs', 'someone', '...', 'never', 'comfort', 'lie', 'gud', 'ni8', 'sweet', 'dream'], ['checked', 'heading', 'drop', 'stuff'], ['got', 'lot', 'hair', 'dresser', 'china'], ['sad', 'story', 'man', 'last', 'week', "b'day", 'wife', "did'nt", 'wish', 'parent', 'forgot', 'kid', 'went', 'work', 'even', 'colleague', 'wish'], ['ill', 'call', 'evening', 'ill', 'idea'], ['splashmobile', 'choose', '1000', 'gr8', 'tone', 'subscrition', 'service', 'weekly', 'tone', 'costing', '300p', 'one', 'credit', 'kick', 'back', 'enjoy'], ['show', 'wot', 'say', 'could', 'dust'], ['take', 'min'], ['heard', 'call', 'rude', 'chat', 'private', 'line', '01223585334', 'cum', 'wan', 'pic', 'gettin', 'shagged', 'text', 'pix', '8552', '2end', 'send', 'stop', '8552', 'sam', 'xxx'], ['bus', 'come', 'soon', 'come', 'otherwise', 'tomorrow'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['forwarded', '88877', 'free', 'entry', '£250', 'weekly', 'comp', 'send', 'word', 'enter', '88877', 'www.textcomp.com'], ['finish', 'liao', '...'], ['88066', '88066', 'lost', '3pound', 'help'], ['haha', 'think'], ['know', 'watchin', 'lido'], ['life', 'spend', 'someone', 'lifetime', 'may', 'meaningless', 'moment', 'spent', 'someone', 'really', 'love', 'mean', 'life', 'itself..'], ['haha', 'awesome', "'ve", 'couple', 'time', 'coming'], ['cold', 'dont', 'sad', 'dear'], ['think', 'could', 'stop', 'like', 'hour', 'roommate', 'looking', 'stock', 'trip'], ['telly', 'brdget', 'jones'], ['love', 'aathi..love', 'lot..'], ['hello', 'bored', 'inever', 'thought', 'get', 'bored', 'tell', 'something', 'exciting', 'happened', 'anything'], ['hmm', '...', 'bad', 'news', '...', 'hype', 'park', 'plaza', '700', 'studio', 'taken', '...', 'left', 'bedrm-', '900', '...'], ['sorry', "'ll", 'call', 'later', 'meeting'], ['comin', 'back', 'dinner'], ['hav', 'almost', 'reached', 'call', 'unable', 'connect'], ['waited', 'yesterday'], ['reach', 'home', 'safe', 'sound', 'liao', '...'], ['velly', 'good', 'yes', 'please'], ['wkend', 'journey', 'terrible', 'good', 'huge', 'back', 'log', 'marking'], ['two', 'letter', 'copy', 'co', 'one', 'message', 'speak', 'soon'], ['alex', 'know', 'guy', 'sell', 'mids', 'south', 'tampa', "n't", 'think', 'could', 'set', 'like'], ['dont', 'message', 'offer'], ['mobile', '11mths', 'update', 'free', 'orange', 'latest', 'colour', 'camera', 'mobile', 'unlimited', 'weekend', 'call', 'call', 'mobile', 'upd8', 'freefone', '08000839402', '2stoptx'], ['hey', 'babe', 'doin', 'wot', '2nite', 'love', 'annie'], ['remind', 'get', 'shall'], ['romantic'], ['hello', 'damn', 'christmas', 'thing', 'think', 'decided', 'keep', 'mp3', 'doesnt', 'work'], ['new', 'message', 'please', 'call', '08718738034'], ['darlin', 'missin', 'hope', 'good', 'time', 'back', 'time', 'give', 'call', 'home', 'jess'], ['forwarded', '21870000', 'mailbox', 'messaging', 'sm', 'alert', 'message', 'match', 'please', 'call', 'back', '09056242159', 'retrieve', 'message', 'match'], ['draw', 'dont', 'think'], ['dont', 'pick', 'call', 'something', 'important', 'tell', 'hrishi'], ['congrats', 'year', 'special', 'cinema', 'pas', 'call', '09061209465', 'suprman', 'matrix3', 'starwars3', 'etc', 'free', 'bx420-ip4-5we', '150pm', 'dont', 'miss'], ['nothin', 'come', 'mind', 'help', 'buy', 'hanger', 'lor', 'laptop', 'heavy'], ['guess', 'easy', 'enough'], ['make', 'baby', 'tho'], ['tell', 'friend', 'come', 'round', 'til', 'like', 'ish'], ['friendship', 'poem', 'dear', 'dear', 'near', 'hear', 'dont', 'get', 'fear', 'live', 'cheer', 'tear', 'always', 'dear', 'gud', 'ni8'], ['still', 'area', 'restaurant', 'ill', 'try', 'come', 'back', 'soon'], ['aight', "'ll", 'work', 'thanks'], ['win', 'year', 'supply', 'cd', 'store', 'choice', 'worth', '£500', 'enter', '£100', 'weekly', 'draw', 'txt', 'music', '87066', 'www.ldew.com.subs16+1win150ppmx3'], ['moby', 'pub', 'quiz.win', '£100', 'high', 'street', 'prize', 'know', 'new', 'duchess', 'cornwall', 'txt', 'first', 'name', '82277.unsub', 'stop', '£1.50', '008704050406', 'arrow'], ['sleeping', 'bag', 'blanket', 'paper', 'phone', 'detail', 'anything', 'else'], ['nokia', '7250i', 'get', 'win', 'free', 'auction', 'take', 'part', 'send', 'nokia', '86021', 'hg/suite342/2lands', 'row/w1jhl', '16+'], ['congratulation', 'thanks', 'good', 'friend', '£2,000', 'xmas', 'prize', 'claim', 'easy', 'call', '08718726971', '10p', 'per', 'minute', 'bt-national-rate'], ['tddnewsletter', 'emc1.co.uk', 'game', 'thedailydraw', 'dear', 'helen', 'dozen', 'free', 'game', 'great', 'prizeswith..'], ['guy'], ['also', 'chat', 'awesome', "n't", 'make', 'regular', 'unless', 'see', 'person'], ['significant', 'dont', 'worry'], ['cause', 'old', 'live', 'high'], ['waqt', 'pehle', 'naseeb', 'zyada', 'kisi', 'kuch', 'nahi', 'milta', 'zindgi', 'nahi', 'hum', 'sochte', 'hai', 'zindgi', 'hai', 'ham', 'jeetey', 'hai', '...', '...', '...'], ['way', 'office', 'da..'], ['place', 'want'], ['pain', 'could', "n't", 'come', 'worse', 'time'], ['...'], ['stalking'], ['sorry', 'dude', 'dont', 'know', 'forgot', 'even', 'dan', 'reminded', 'sorry', 'hope', 'guy', 'fun'], ['lor'], ['apps', 'class', 'varaya', 'elaya'], ['xmas', 'story', 'peace..', 'xmas', 'msg', 'love..', 'xmas', 'miracle', 'jesus..', 'hav', 'blessed', 'month', 'ahead', 'amp', 'wish', 'merry', 'xmas', '...'], ['urgent', 'mobile', 'number', '***************', '£2000', 'bonus', 'caller', 'prize', '10/06/03', '2nd', 'attempt', 'reach', 'call', '09066368753', 'asap', 'box', '97n7qp', '150ppm'], ['day', 'asked', 'anand', 'number'], ['surfing', 'online', 'store', 'offer', 'want', 'buy', 'thing'], ['long', 'beach', 'lor', 'expected', '...', 'dinner'], ['home', 'way'], ['fine', 'thanks'], ['happen', 'tell', 'truth'], ['like', 'italian', 'food'], ['weird', 'know', 'one', 'point'], ['aww', 'must', 'nearly', 'dead', 'well', 'jez', 'iscoming', 'todo', 'workand', 'whilltake', 'forever'], ['tell', 'friend', 'plan', 'valentine', 'day', 'url'], ['alright', 'see', 'bit'], ['cheer', 'message', 'zogtorius', 'i\x92ve', 'staring', 'phone', 'age', 'deciding', 'whether', 'text'], ['take', 'care', 'financial', 'problem.i', 'help'], ['tell', 'dear', 'happen', 'talking', 'like', 'alian'], ['double', 'min', 'txts', 'orange', '1/2', 'price', 'linerental', 'motorola', 'sonyericsson', 'b/tooth', 'free-nokia', 'free', 'call', 'mobileupd8', '08000839402', 'or2optout/hv9d'], ['write', 'msg', 'put', 'dictionary', 'mode', 'cover', 'screen', 'hand', 'press', 'gently', 'remove', 'hand..', 'interesting..'], ['okie', '...'], ['yijue', 'meet', 'tmr'], ['posible', 'dnt', 'live', 'century', 'frwd', 'thnk', 'different'], ['dint', 'slept', 'afternoon'], ['seems', 'unnecessarily', 'affectionate'], ['yar', 'else', "'ll", 'thk', 'sort', 'funny', 'thing'], ['place', 'man'], ['download', 'many', 'ringtones', 'like', 'restriction', '1000', 'choose', 'even', 'send', 'buddy', 'txt', 'sir', '80082'], ['thats', 'cool', 'day'], ['please', 'call', '08712402902', 'immediately', 'urgent', 'message', 'waiting'], ['going', 'bus'], ['hello', 'love', 'went', 'day', 'alright', 'think', 'sweet', 'send', 'jolt', 'heart', 'remind', '...', 'love', 'hear', 'screamed', 'across', 'sea', 'world', 'hear', 'ahmad', 'hallaq', 'loved', 'owned', '*possessive', 'passionate', 'kiss*'], ['no..he', 'joined', 'today'], ['okay', 'well', 'thanks', 'clarification'], ["'ll", 'talk', 'others', 'probably', 'come', 'early', 'tomorrow'], ['spook', 'mob', 'halloween', 'collection', 'logo', 'pic', 'message', 'plus', 'free', 'eerie', 'tone', 'txt', 'card', 'spook', '8007', 'zed', '08701417012150p', 'per', 'logo/pic'], ['money', 'issue', 'weigh', 'thanks', 'breathe', 'easier', 'i.ll', 'make', 'sure', 'dont', 'regret', 'thanks'], ['sorry', 'missed', 'call', 'pls', 'call', 'back'], ['hope', "'ve", 'settled', 'new', 'school', 'year', 'wishin', 'gr8', 'day'], ['fantasy', 'football', 'back', 'sky', 'gamestar', 'sky', 'active', 'play', '£250k', 'dream', 'team', 'scoring', 'start', 'saturday', 'register', 'sky', 'opt', '88088'], ['need', 'tell', 'anything', 'going', 'sleep', 'good', 'night'], ['try', 'week', 'end', 'course', 'coimbatore'], ['tone', 'club', 'sub', 'expired', 're-sub', 'reply', 'monoc', 'mono', 'polyc', 'polys', 'weekly', '150p', 'per', 'week', 'txt', 'stop', 'stop', 'msg', 'free', 'stream', '0871212025016'], ['nice', 'sheffield', 'tom', 'air', 'opinion', 'category', 'used', 'measure', 'ethnicity', 'next', 'census', 'busy', 'transcribing'], ['home', 'come', 'within', 'min'], ['boy', 'loved', 'gal', 'propsd', 'didnt', 'mind', 'lttrs', 'frnds', 'threw', 'thm', 'boy', 'decided', 'aproach', 'gal', 'time', 'truck', 'speeding', 'towards', 'gal', 'hit', 'girl', 'boy', 'ran', 'like', 'hell', 'saved', 'asked', "'hw", 'run', 'fast', 'boy', 'replied', 'boost', 'secret', 'energy', 'instantly', 'girl', 'shouted', 'energy', 'thy', 'lived', 'happily', '2gthr', 'drinking', 'boost', 'evrydy', 'moral', 'story', 'free', 'msg', 'gud', 'ni8'], ['day', 'say', 'cut', 'hair', 'paragon', 'called', 'hair', 'sense', 'noe', 'much', 'hair', 'cut'], ['hmm', 'many', 'unfortunately', '...', 'pic', 'obviously', 'arent', 'hot', 'cake', 'kinda', 'fun', 'tho'], ['watching', 'lor', '...', 'funny', 'bluff', 'wat', 'izzit', 'thk', 'impossible'], ['xmas', 'prize', 'draw', 'trying', 'contact', 'today', 'draw', 'show', '£2000', 'prize', 'guaranteed', 'call', '09058094565', 'land', 'line', 'valid', '12hrs'], ['dunno', 'lei', 'neva', 'say', '...'], ['thanx', '2day', 'goodmate', 'think', 'rite', 'sary', 'asusual', 'cheered', 'love', 'franyxxxxx'], ['way', 'home', 'went', 'change', 'batt', 'watch', 'shop', 'bit', 'lor'], ['yes', 'place', 'town', 'meet', 'exciting', 'adult', 'single', 'txt', 'chat', '86688', '150p/msg'], ['mobile', 'added', 'contact', 'list', 'www.fullonsms.com', 'great', 'place', 'send', 'free', 'sm', 'people', 'visit', 'fullonsms.com'], ['good', 'evening', 'sir', 'hope', 'nice', 'day', 'wanted', 'bring', 'notice', 'late', 'paying', 'rent', 'past', 'month', 'pay', 'charge', 'felt', 'would', 'inconsiderate', 'nag', 'something', 'give', 'great', 'cost', 'didnt', 'speak', 'however', 'recession', 'wont', 'able', 'pay', 'charge', 'month', 'hence', 'askin', 'well', 'ahead', 'month', 'end', 'please', 'help', 'thank', 'everything'], ['let', 'want', 'house', '8am'], ['best', 'line', 'said', 'love', 'wait', 'till', 'day', 'forget', 'day', 'realize', 'forget', '...'], ['reach', 'ten', 'morning'], ['pussy', 'perfect'], ['sorry', "'ll", 'call', 'later'], ['someone', 'contacted', 'dating', 'service', 'entered', 'phone', 'becausethey', 'fancy', 'find', 'call', 'landline', '09058098002', 'pobox1', 'w14rg', '150p'], ['message..no', 'responce..what', 'happend'], ['also', 'piece'], ['wiskey', 'brandy', 'rum', 'gin', 'beer', 'vodka', 'scotch', 'shampain', 'wine', 'kudi', 'yarasu', 'dhina', 'vaazhthukkal'], ['boo', 'thing', 'back', 'home', 'little', 'bored', 'already'], ['first', 'gained', 'since', 'took', 'second', 'done', 'blood', 'sugar', 'test', 'blood', 'pressure', 'within', 'normal', 'limit', 'worry'], ['pick', 'fone', 'dumb'], ['thanks', 'thangam', 'feel', 'happy', 'dear', 'also', 'miss'], ['okey', 'doke', 'home', 'dressed', 'co', 'laying', 'around', 'ill', 'speak', 'later', 'bout', 'time', 'stuff'], ["n't", 'run', 'away', 'frm', '...', 'walk', 'slowly', 'amp', 'kill', "n't", 'care', 'enough', 'stop', '...'], ['babe', 'back', '...', 'come', 'back', '...'], ['well', 'told', 'others', 'marry', '...'], ['neshanth..tel'], ['byatch', 'whassup'], ['...', 'kay', '...', 'sat', 'right'], ['roger'], ['babe', 'want', 'dont', 'baby', 'nasty', 'thing', 'filthyguys', 'fancy', 'rude', 'time', 'sexy', 'bitch', 'slo', 'hard', 'txt', 'xxx', 'slo', '4msgs'], ['...', 'wasted', '...', 'den', 'muz', 'chiong', 'sat', 'sun', 'liao', '...'], ['jesus', 'christ', 'bitch', 'trying', 'give', 'drug', 'answer', 'fucking', 'phone'], ['please', 'give', 'pick', 'tuesday', 'evening'], ['meeting', 'darren', '...'], ['one', 'best', 'dialogue', 'cute', 'reltnship..', 'wen', 'die', 'dont', 'come', 'near', 'body..', 'bcoz', 'hand', 'may', 'come', 'wipe', 'tear', 'time..', 'gud', 'ni8'], ['solve', 'case', 'man', 'wa', 'found', 'murdered', 'decimal', 'afternoon', 'wife', 'called', 'police', 'police', 'questioned', 'everyone', 'wife', 'sir', 'sleeping', 'murder', 'took', 'place', '4.cook', 'cooking', '5.gardener', 'picking', 'vegetable', '6.house-maid', 'went', 'post', 'office', '7.children', 'went', 'play', '8.neighbour', 'went', 'marriage', 'police', 'arrested', 'murderer', 'immediately', 'reply', 'reason', 'brilliant'], ['dear', 'reach'], ['aww', 'first', 'time', 'said', 'missed', 'without', 'asking', 'missed', 'first', 'love'], ['...', 'thanx', '...', 'nite', '...'], ['come', 'right', 'ahmad'], ["n't", 'know', "n't", 'know', 'send', 'chat', '86688', 'let', 'find', '150p/msg', 'rcvd', 'hg/suite342/2lands/row/w1j6hl', 'ldn', 'year'], ['lol', 'please', 'actually', 'send', 'pic', 'right', 'wan', 'see', 'pose', 'comb', 'hair', 'dryer', 'something'], ['fps'], ['huh', 'mean', 'computational', 'science', '...', 'like', 'dat', 'one', 'push', '...'], ['could', 'read', 'love', 'answered'], ['...', 'den', 'take', 'one', 'end', 'cine', 'lor', '...', 'dun', 'wan', 'yogasana', 'oso', '...'], ['madam', 'regret', 'disturbance.might', 'receive', 'reference', 'check', 'dlf', 'premarica.kindly', 'informed.rgds', 'rakhesh', 'kerala'], ['sm', 'service', 'inclusive', 'text', 'credit', 'pls', 'gotto', 'www.comuk.net', 'login', '3qxj9', 'unsubscribe', 'stop', 'extra', 'charge', 'help', '08702840625', 'comuk.220cm2', '9ae'], ['oic', '...', 'better', 'quickly', 'bathe', 'settle', '...'], ['err', '...', 'cud', 'going', '8pm', "n't", 'got', 'way', 'contact'], ['bloo', 'bloo', 'bloo', "'ll", 'miss', 'first', 'bowl'], ['lmao', 'fun', '...'], ['big', 'hitter.anyway', 'good'], ['hey', 'almost', 'forgot', '...', 'happy', 'b-day', 'babe', 'love'], ['valentine', 'day', 'special', 'win', '£1000', 'quiz', 'take', 'partner', 'trip', 'lifetime', 'send', '83600', '150p/msg', 'rcvd', 'custcare:08718720201'], ['think', 'move', 'week'], ['she.s', 'find', 'sent', 'offline', 'message', 'know', 'anjola'], ['guess', 'first', 'time', 'created', 'web', 'page', 'www.asjesus.com', 'read', 'wrote', 'waiting', 'opinion', 'want', 'friend', '1/1'], ['txting', 'driving'], ['good', 'let', 'thank', 'god', 'please', 'complete', 'drug', 'lot', 'water', 'beautiful', 'day'], ['really', 'dun', 'bluff', 'leh', '...', 'sleep', 'early', 'nite', '...'], ['indian', 'poor', 'india', 'poor', 'country', 'say', 'one', 'swiss', 'bank', 'director', 'say', 'lac', 'crore', 'indian', 'money', 'deposited', 'swiss', 'bank', 'used', "'taxless", 'budget', 'yr', 'give', 'crore', 'job', 'indian', 'village', 'delhi', 'lane', 'road', 'forever', 'free', 'power', 'suply', 'social', 'project', 'every', 'citizen', 'get', 'monthly', 'yr', 'need', 'world', 'bank', 'amp', 'imf', 'loan', 'think', 'money', 'blocked', 'rich', 'politician', 'full', 'right', 'corrupt', 'politician', 'itna', 'forward', 'karo', 'pura', 'india', 'padhe.g.m'], ['uncle', 'boye', 'need', 'movie', 'guide', 'plus', 'know', 'torrent', 'particularly', 'legal', 'system', 'slowing', 'gr8', 'day', 'plus', 'started', 'co', 'dont', 'meet', 'online', 'honey', 'moon'], ['remember'], ['btw', 'regarding', 'really', 'try', 'see', 'anyone', 'else', '4th', 'guy', 'commit', 'random', 'dude'], ['chance', 'win', '£250', 'cash', 'every', 'txt', 'play', '83370', 'www.music-trivia.net', 'custcare', '08715705022', '1x150p/wk'], ['busy', 'juz', 'dun', 'wan', 'early..', 'hee..'], ['rightio', '11.48', 'well', 'arent', 'bright', 'early', 'morning'], ['great', 'church', 'holla', 'get'], ['back', 'brum', 'thanks', 'putting', 'keeping', 'happy', 'see', 'soon'], ['donno', 'scorable'], ['great', 'loxahatchee', 'xmas', 'tree', 'burning', 'update', 'totally', 'see', 'star'], ['yes', 'dont', 'care', 'need', 'bad', 'princess'], ['guy', 'kadeem', "n't", 'selling', 'since', 'break', 'know', 'one', 'guy', 'paranoid', 'fuck', "n't", 'like', 'selling', 'without', "n't", 'til', 'late', 'tonight'], ['sorry', "'ll", 'call', 'later'], ['tmr', 'brin', 'lar', '...', 'aiya', 'later', 'come', 'lar', '...', 'mayb', 'neva', 'set', 'properly', 'got', 'help', 'sheet', 'wif', '...'], ['knw', 'dis'], ['dun', 'believe', 'wat'], ['k..give', 'back', 'thanks'], ['know', 'complain', 'num', 'only..bettr', 'directly', 'bsnl', 'offc', 'apply', 'it..'], ['okay', "'ve", 'seen', 'pick', 'friday'], ['much', 'payed', 'suganya'], ['left', 'dessert', 'wan', 'suntec', 'look'], ['abeg', 'make', 'profit', 'start', 'using', 'get', 'sponsor', 'next', 'event'], ['onum', 'ela', 'pa.', 'normal'], ['k.k..how', 'sister', 'kid'], ['cool', "'ll", 'text', 'way'], ['nope', 'meanwhile', 'talk', 'say', 'make', 'greet'], ['cant', 'talk', 'now.i', 'call', 'can.dont', 'keep', 'calling'], ['anything', 'lar', '...'], ['rose', 'need', 'water', 'season', 'need', 'change', 'poet', 'need', 'imagination..my', 'phone', 'need', 'sm', 'need', 'lovely', 'frndship', 'forever', '...'], ['good', 'afternoon', 'babe', 'go', 'day', 'job', 'prospect', 'yet', 'miss', 'love', '...', '*sighs*', '...'], ['pick', 'drop', 'car.so', 'problem..'], ['s.i', 'think', 'waste', 'rr..'], ['world', 'famamus', '...'], ['coming', 'friday', 'leave', 'pongal', 'get', 'news', 'work', 'place'], ['lol', 'well', "n't", 'without', 'could', 'big', 'sale', 'together'], ['way'], ['eat', 'old', 'airport', 'road', '...', '630', 'oredi', '...', 'got', 'lot', 'pple', '...'], ['sry', "n't", 'talk', 'phone', 'parent'], ['final', 'chance', 'claim', '£150', 'worth', 'discount', 'voucher', 'today', 'text', 'yes', '85023', 'savamob', 'member', 'offer', 'mobile', 'savamob', 'pobox84', 'm263uz', '£3.00', 'sub'], ['lor', 'wat', 'time', 'finish'], ['princess', 'like', 'make', 'love', 'time', 'per', 'night', 'hope', 'thats', 'problem'], ['way', 'railway'], ['dnt', 'wnt', 'tlk', 'wid'], ['done', 'sorry', 'hope', 'next', 'space', 'give', 'everything', 'want', 'remember', 'furniture', 'around', 'move', 'lock', 'lock', 'leave', 'key', 'jenne'], ['yet', 'like', 'keep', 'touch', 'easiest', 'way', 'barcelona', 'way', 'house'], ['sppok', 'mob', 'halloween', 'collection', 'nokia', 'logo', 'pic', 'message', 'plus', 'free', 'eerie', 'tone', 'txt', 'card', 'spook', '8007'], ['urgent', 'call', '09066612661', 'landline', 'complementary', 'tenerife', 'holiday', '£10,000', 'cash', 'await', 'collection', 'sae', 'box', 'wa14', '2px', '150ppm', '18+', 'sender', 'hol', 'offer'], ['evening', 'urgent'], ['pansy', "'ve", 'living', 'jungle', 'two', 'year', 'driving', 'worried'], ['kanji', 'dont', 'eat', 'anything', 'heavy'], ['promise', 'getting', 'soon', "'ll", 'text', 'morning', 'let', 'know', 'made'], ['lol', 'different', "n't", 'trying', 'find', 'every', 'real', 'life', 'photo', 'ever', 'took'], ['dont', 'thnk', 'wrong', 'calling'], ['ill', 'drink.pa', 'need', 'sr', 'model', 'pls', 'send', 'mail'], ['aiyah', 'rain', 'like', 'quite', 'big', 'leh', 'drizzling', 'least', 'run', 'home'], ['doc', 'appointment', 'next', 'week', 'tired', 'shoving', 'stuff', 'ugh', 'could', "n't", 'normal', 'body'], ['dun', 'sad..', 'over..', 'dun', 'thk', 'abt', 'already', 'concentrate', 'paper'], ['greeting', 'consider', 'excused'], ['drama', 'pls.i', 'enough', 'family', 'struggling', 'hot', 'sun', 'strange', 'place.no', 'reason', 'ego', 'going', "'if", 'invited', 'actually', 'necessity', 'go.wait', 'serious', 'reppurcussions'], ['released', 'another', 'italian', 'one', 'today', 'cosign', 'option'], ['try', 'figure', 'much', 'money', 'everyone', 'gas', 'alcohol', 'jay', 'trying', 'figure', 'weed', 'budget'], ['winner', 'valued', 'network', 'customer', 'hvae', 'selected', 'receive', '£900', 'reward', 'collect', 'call', '09061701444', 'valid', 'hour', 'acl03530150pm'], ['hcl', 'chennai', 'requires', 'fresher', 'voice', 'process.excellent', 'english', 'needed.salary', 'upto', '.call', 'ms.suman', 'telephonic', 'interview', '-via', 'indyarocks.com'], ['dai', 'da..', 'send', 'resume'], ['know', "'ll", 'around'], ['yup', "'ve", 'finished', '...'], ['remember', 'ask', 'alex', 'pizza'], ['da..today', 'also', 'forgot..'], ['ola', 'would', 'get', 'back', 'maybe', 'today', 'told', 'direct', 'link', 'getting', 'car', 'bid', 'online', 'arrange', 'shipping', 'get', 'cut', 'partnership', 'invest', 'money', 'shipping', 'take', 'care', 'rest', 'wud', 'self', 'reliant', 'soon', 'dnt', 'worry'], ['fwiw', 'reason', 'around', 'time', 'smoke', 'gas', 'afford', 'around', 'someone', 'tell', 'apparently', 'happens', 'somebody', 'want', 'light'], ['hello', 'boytoy', 'made', 'home', 'constant', 'thought', 'love', 'hope', 'nice', 'visit', "n't", 'wait', 'till', 'come', 'home', '...', '*kiss*'], ['congrats', 'kano..whr', 'treat', 'maga'], ['talking'], ['yup', '...'], ['...'], ['wake', 'already', 'wat', 'picking', 'later', 'rite', 'taking', 'sq825', 'reaching', 'ard', 'smth', 'like', 'dat', 'check', 'arrival', 'time', 'soon', '...'], ['yunny', 'walking', 'citylink', 'faster', 'come', '...', 'hungry', '...'], ['yep', 'sure', 'prop'], ['hiya', 'paying', 'money', 'account', 'thanks', 'got', 'pleasant', 'surprise', 'checked', 'balance', "n't", 'get', 'statement', 'acc'], ['nokia', '6230', 'plus', 'free', 'digital', 'camera', 'get', 'win', 'free', 'auction', 'take', 'part', 'send', 'nokia', '83383', 'pobox114/14tcr/w1'], ['ill', 'send', 'decimal'], ['bognor', 'splendid', 'time', 'year'], ['yes.i', 'office'], ['sorry', "'ll", 'call', 'later'], ['joy', 'father', 'john', 'john', 'name', 'joy', 'father', 'mandan'], ['ask', 'abt', 'movie', 'wan', 'ktv', 'oso'], ['misplaced', 'number', 'sending', 'text', 'old', 'number', 'wondering', "'ve", 'heard', 'year', 'best', 'mcat', 'got', 'number', 'atlanta', 'friend'], ['sorry', "'ll", 'call', 'later'], ['dunno', 'lei', '...', 'might', 'eatin', 'wif', 'frens', '...', 'wan', 'eat', 'wait', 'lar'], ['sorry', "'ll", 'call', 'later'], ['free', 'entry', '£250', 'weekly', 'comp', 'send', 'word', 'win', '80086', 'www.txttowin.co.uk'], ['say', 'slowly', 'god', 'love', 'amp', 'need', 'clean', 'heart', 'blood.send', 'ten', 'special', 'people', 'amp', 'miracle', 'tomorrow', 'pls', 'pls', '...'], ['noe', 'send', 'file', 'computer'], ['mmmmm', '...', 'loved', 'waking', 'word', 'morning', 'miss', 'love', 'hope', 'day', 'go', 'well', 'happy', 'wait', 'together'], ['jay', 'say', "'ll", 'put'], ['come', 'sec', 'somebody', 'want', 'see'], ['sun', 'anti', 'sleep', 'medicine'], ['happening', 'gotten', 'job', 'begun', 'registration', 'permanent', 'residency'], ['yup', '...'], ['glad', 'went', 'well', 'come', "'ll", 'plenty', 'time', 'claire', 'go', 'work'], ['enjoy', 'home'], ['pls', 'pls', 'send', 'mail', 'know', 'relative', 'coming', 'deliver', 'know', 'cost', 'risk', 'benefit', 'anything', 'else', 'thanks'], ['like'], ['haf', 'combine', 'lor', '...'], ['monthly', 'amount', 'terrible', 'pay', 'anything', 'till', '6months', 'finishing', 'school'], ['hmmm', 'many', 'player', 'selected'], ['said', 'gon', 'snow', 'start', 'around', 'tonite', 'predicting', 'inch', 'accumulation'], ['dont', 'send', 'plus', 'mode'], ['aiyo', 'please', 'got', 'time', 'meh'], ['package', 'program', 'well'], ['sister..', 'belongs', 'family..', 'hope', 'tomorrow..', 'pray', 'fated', 'shoranur', 'train', 'incident', 'let', 'hold', 'hand', 'together', 'amp', 'fuelled', 'love', 'amp', 'concern', 'prior', 'grief', 'amp', 'pain', 'pls', 'join', 'dis', 'chain', 'amp', 'pas', 'stop', 'violence', 'woman'], ['guy', 'asking', 'get', 'slipper', 'gone', 'last', 'year'], ['company', 'good.environment', 'terrific', 'food', 'really', 'nice'], ['text82228', 'get', 'ringtones', 'logo', 'game', 'www.txt82228.com', 'question', 'info', 'txt82228.co.uk'], ['honestly', "'ve", 'made', 'lovely', 'cup', 'tea', 'promptly', 'dropped', 'key', 'burnt', 'finger', 'getting'], ['yup', 'studying', 'surfing', 'lor', 'lazy', 'mode', 'today'], ['please', 'sen', 'kind', 'advice', 'please', 'come', 'try'], ['done'], ['fine', "'ll", 'tonight'], ['give', 'time', 'walk'], ["'ll", 'reach', 'ard', 'min', '...'], ['freemsg', 'awarded', 'free', 'mini', 'digital', 'camera', 'reply', 'snap', 'collect', 'prize', 'quizclub', 'opt', 'stop', '80122300p/wk', 'rwm', 'ph:08704050406'], ['fuck', 'babe', '...', 'happened', 'come', 'never', 'came', 'back'], ['message', 'brought', 'gmw', 'ltd.', 'connected'], ['friend', 'want', 'drive', 'someplace', 'probably', 'take'], ['also', 'thk', 'fast', '...', 'suggest', 'one', 'dun', 'wan', 'going', 'rain', 'leh', 'got'], ['still', 'getting', 'good'], ['maybe', 'pressies'], ['yeah', "'ll", 'leave', 'maybe', '7ish'], ['k..k..i', 'also', 'fine', 'complete', 'course'], ['sea', 'lay', 'rock', 'rock', 'envelope', 'envelope', 'paper', 'paper', 'word', '...'], ['told', 'appt', 'next', 'week', 'think', 'gon', 'die', 'told', 'check', 'nothing', 'worried', "n't", 'listen'], ['room', 'need'], ['dont', 'want', 'hear', 'anything'], ['hey', 'leave', 'friday', 'wait', 'ask', 'superior', 'tell', 'you..'], ['ultimately', 'tor', 'motive', 'tui', 'achieve', 'korli'], ['work', 'timing'], ['worry', 'finished', 'march', 'ish'], ['house', 'water', 'dock', 'boat', 'rolled', 'newscaster', 'dabbles', 'jazz', 'flute', 'behind', 'wheel'], ['congrats', 'mobile', 'videophones', 'call', '09063458130', 'videochat', 'wid', 'mate', 'play', 'java', 'game', 'dload', 'polyph', 'music', 'noline', 'rentl', 'bx420', 'ip4', '5we', '150p'], ['next', 'amazing', 'xxx', 'picsfree1', 'video', 'sent', 'enjoy', 'one', 'vid', 'enough', '2day', 'text', 'back', 'keyword', 'picsfree1', 'get', 'next', 'video'], ['thats', 'going', 'ruin', 'thesis'], ['sch', 'neva', 'mind', 'eat', '1st', 'lor..'], ['hey', 'whats', 'sleeping', 'morning'], ['erm', 'thought', 'contract', 'ran', 'the4th', 'october'], ['dunno', '...', 'let', 'learn', 'pilate', '...'], ['subscribed', 'best', 'mobile', 'content', 'service', 'per', 'ten', 'day', 'send', 'stop', '83435', 'helpline', '08706091795'], ['yup', 'elaborating', 'safety', 'aspect', 'issues..'], ['free', 'tarot', 'text', 'find', 'love', 'life', 'try', 'free', 'text', 'chance', '85555', 'free', 'msg', '£1.50'], ['goodmorning', 'today', 'late', '1hr'], ['happy', 'birthday'], ['outside', 'office', 'take'], ["n't", 'respond', 'imma', 'assume', "'re", 'still', 'asleep', 'imma', 'start', 'calling', 'shit'], ['aight', 'see', 'bit'], ['superior', 'telling', 'friday', 'leave', 'department', 'except', 'leave', 'way', 'call', 'waheed', 'fathima', 'conform'], ['join', 'horniest', 'dogging', 'service', 'sex', '2nite', 'sign', 'follow', 'instruction', 'txt', 'entry', '69888', 'nyt.ec2a.3lp.msg', '150p'], ['lol', 'take', 'member', 'said', 'aunt', 'flow', "n't", 'visit', 'month', 'cause', 'developed', 'ovarian', 'cyst', 'way', 'shrink'], ['still', 'work', 'going', 'small', 'house'], ['friend', 'got', 'say', 'upping', 'order', 'gram', 'got', 'get'], ['tmr', 'timin', 'still', 'wat', 'co', 'got', 'lesson', '...'], ['thing', 'ape', 'fight', 'death', 'keep', 'something', 'minute', 'let', 'thats'], ['sunshine', 'quiz', 'wkly', 'win', 'top', 'sony', 'dvd', 'player', 'know', 'country', 'liverpool', 'played', 'mid', 'week', 'txt', 'ansr', '82277', '£1.50', 'tyrone'], ['gon', 'able', 'late', 'notice', "'ll", 'home', 'week', 'anyway', 'plan'], ['got', 'fujitsu', 'ibm', 'toshiba', '...', 'got', 'lot', 'model', 'say', '...'], ['okie', '...', 'thanx', '...'], ['gosh', 'pain', 'spose', 'better', 'come'], ['usual..iam', 'fine', 'happy', 'amp', 'well..'], ['okie'], ['gon', 'get', 'rimac', 'access'], ['arestaurant', 'eating', 'squid', '10:30', 'wan', 'dosomething', 'late'], ['call', 'time', 'job', 'today', 'umma', 'ask', 'speed'], ['hello', 'u.call', 'wen', 'finish', 'wrk.i', 'fancy', 'meetin', 'wiv', 'tonite', 'need', 'break', 'dabooks', 'hr', 'last', 'nite+2', 'today', 'wrk'], ['sam', 'eachother', 'meet', 'house'], ['yeah', 'lol', 'luckily', "n't", 'starring', 'role', 'like'], ['hello', 'madam'], ['awesome', 'text', "'re", 'restocked'], ['usual..iam', 'fine', 'happy', 'amp', 'well..'], ['knock', 'knock', 'txt', 'whose', '80082', 'enter', 'weekly', 'draw', '£250', 'gift', 'voucher', 'store', 'choice', 'www.tkls.com', 'age16', 'stoptxtstop£1.50/week'], ['yes', 'innocent', 'fun'], ['thanks', 'sending', 'mental', 'ability', 'question..'], ['sir', 'hope', 'day', 'going', 'smoothly', 'really', 'hoped', 'wont', 'bother', 'bill', "n't", 'settle', 'month', 'extra', 'cash', 'know', 'challenging', 'time', 'also', 'let', 'know'], ['2marrow', 'wed', 'aha'], ['went', 'hon', 'lab', 'one'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['hey', 'pple', '...', '700', '900', 'night', '...', 'excellent', 'location', 'wif', 'breakfast', 'hamper'], ['forwarded', '21870000', 'mailbox', 'messaging', 'sm', 'alert', 'match', 'please', 'call', 'back', '09056242159', 'retrieve', 'message', 'match', 'cc100p/min'], ['come'], ['lol', 'nah', "n't", 'bad', 'thanks', 'good', 'home', 'quite', 'reality', 'check', 'hows', 'day', 'anything', 'website'], ['lor', '...'], ['coming', 'home', 'dinner'], ['da..al'], ['free', 'ring', 'tone', 'text', 'polys', '87131', 'every', 'week', 'get', 'new', 'tone', '0870737910216yrs', '£1.50/wk'], ['unni', 'thank', 'dear', 'recharge..rakhesh'], ['know', 'lacking', 'particular', 'dramastorm', 'detail', 'part', 'worried'], ['haha', '...', 'cant', '...', 'tmr', 'forfeit', '...', 'haha'], ['hey', 'glad', 'better', 'hear', 'treated', 'urself', 'digi', 'cam', 'good', '9pm', 'fab', 'new', 'year', 'coupla', 'wks'], ['way', 'going', 'back'], ['urgent', 'mobile', '077xxx', '£2,000', 'bonus', 'caller', 'prize', '02/06/03', '2nd', 'attempt', 'reach', 'call', '09066362206', 'asap', 'box97n7qp', '150ppm'], ['cal', 'sir', 'meeting'], ['love', 'hear', 'see', 'sundayish'], ['sorry', 'thangam', 'sorry', 'held', 'prasad'], ['tiwary', 'rcb.battle', 'bang', 'kochi'], ['thank', 'god', 'bed'], ["n't", 'cancer', 'mom', 'making', 'big', 'deal', 'regular', 'checkup', 'aka', 'pap', 'smear'], ['gobi', 'art', 'college'], ['want', 'talk'], ['pandy', 'joined', 'technology', 'today.he', 'got', 'job..'], ['guaranteed', 'latest', 'nokia', 'phone', '40gb', 'ipod', 'mp3', 'player', '£500', 'prize', 'txt', 'word', 'collect', '83355', 'ibhltd', 'ldnw15h', '150p/mtmsgrcvd18'], ['try', 'get', 'lost', 'fact', 'tee', 'hee'], ['spoke', 'maneesha', 'like', 'know', 'satisfied', 'experience', 'reply', 'toll', 'free', 'yes'], ['friend', 'use', 'call'], ['sorry', "'ll", 'call', 'later'], ['olowoyey', 'usc.edu', 'great', 'time', 'argentina', 'sad', 'secretary', 'everything', 'blessing'], ['taxt', 'massage', '...', '.tie-pos', 'argh', 'lool'], ['please', 'get', 'dollar', 'loan', 'i.ll', 'pay', 'back', 'mid', 'february', 'pls'], ['might', 'want', 'pull', 'case', 'plan', 'spending', "n't", 'much', 'confidence', 'derek', 'taylor', 'money', 'management'], ['like', 'shaking', 'booty', 'dance', 'floor'], ['text', 'get', "n't", 'call', 'phone', 'problem'], ['need', 'drug', 'anymore'], ['sorry', 'thought', 'calling', 'lot', 'time', 'lil', 'busy.i', 'call', 'noon..'], ['sarcasm..', '.nt', 'scarcasim'], ['great', 'run', 'ttyl'], ['feel', 'like', 'trying', 'kadeem'], ['dai', 'naal', 'eruku'], ['yet', 'chikku..wat', 'abt'], ['...'], ['want', 'finally', 'lunch', 'today'], ['know', 'dad', 'back'], ['hello', 'darling', 'today', 'would', 'love', 'chat', 'dont', 'tell', 'look', 'like', 'sexy'], ['8007', 'free', '1st', 'week', 'no1', 'nokia', 'tone', 'mob', 'every', 'week', 'txt', 'nokia', '8007', 'get', 'txting', 'tell', 'mate', 'www.getzed.co.uk', 'pobox', '36504', '5wq', 'norm', '150p/tone', '16+'], ['remains', 'bro', 'amongst', 'bros'], ['meeting', 'nite', 'tmr'], ['wa', 'nice', 'day', 'impressively', 'sensible', 'went', 'home', 'early', 'feel', 'fine', 'boring', "n't", 'remember'], ['looking', 'good'], ['wan', 'get', 'laid', '2nite', 'want', 'real', 'dogging', 'location', 'sent', 'direct', 'mobile', 'join', 'largest', 'dogging', 'network', 'txt', 'park', '69696', 'nyt', 'ec2a', '3lp', '£1.50/msg'], ['tried', 'contact', 'response', 'offer', 'new', 'nokia', 'fone', 'camcorder', 'hit', 'reply', 'call', '08000930705', 'delivery'], ['yes', 'replied', 'mail', 'going', 'management', 'office', 'later', 'plus', 'bank', 'later', 'also.or', 'wednesday'], ['cool', "'ll", 'come', 'like', 'ish'], ['super', 'msg', 'nalla', 'timing'], ['good', 'afternoon', 'boytoy', '...', 'feeling', 'today', 'better', 'hope', 'good', 'boy', 'obedient', 'slave', 'please', 'queen'], ['ft.', 'good', 'combination'], ['sick', 'needy', 'want', '*pouts*', '*stomps', 'feet*', '*pouts*', '*stomps', 'feet*', 'want', 'slave', 'want'], ['train', 'back', 'northampton', 'afraid'], ['abj', 'serving', 'staying', 'dad', 'alone'], ['wa', 'playng', 'door', 'game', 'racing', 'phone', 'lol'], ['new', 'tone', 'week', 'include', 'mcfly-all', 'ab..', 'sara', 'jorge-shock..', 'smith-switch..', 'order', 'follow', 'instruction', 'next', 'message'], ['solve', 'case', 'man', 'wa', 'found', 'murdered', 'decimal', 'afternoon', 'wife', 'called', 'police', 'police', 'questioned', 'everyone', 'wife', 'sir', 'sleeping', 'murder', 'took', 'place', '4.cook', 'cooking', '5.gardener', 'picking', 'vegetable', '6.house-maid', 'went', 'post', 'office', '7.children', 'went', 'play', '8.neighbour', 'went', 'marriage', 'police', 'arrested', 'murderer', 'immediately', 'reply', 'reason', 'brilliant'], ['bus', 'going', 'home', '...'], ['got', 'call', 'landline', 'number', 'asked', 'come', 'anna', 'nagar', 'afternoon'], ['okay', 'chasing', 'dream', 'good', 'next'], ['yupz', '...', "'ve", 'oredi', 'booked', 'slot', 'weekend', 'liao', '...'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£800', 'prize', 'guaranteed', 'call', '09050003091', 'land', 'line', 'claim', 'c52', 'valid', '12hrs'], ['many', 'model..sony', 'ericson', 'also', 'der..', '..it', 'luks', 'good', 'forgot', 'modl'], ['okie'], ['yes', 'know', 'cheesy', 'song', 'frosty', 'snowman'], ['vikky', 'witin', 'min', 'reply', 'u..'], ['sport', 'fan', 'get', 'latest', 'sport', 'news', 'str*', 'mobile', 'free', 'plus', 'free', 'tone', 'txt', 'sport', '8007', 'www.getzed.co.uk', '0870141701216+', 'norm', '4txt/120p'], ['hey', 'tmr', 'meet', 'bugis', '930'], ['urgent', 'urgent', '800', 'free', 'flight', 'europe', 'give', 'away', 'call', '10th', 'sept', 'take', 'friend', 'free', 'call', 'claim', '09050000555', 'ba128nnfwfly150ppm'], ['nice', 'new', 'shirt', 'thing', 'wear', 'nudist', 'themed'], ['hey', 'sexy', 'bun', 'day', 'word', 'morning', '...', '...', 'think'], ['whenever', 'see', 'still', 'hook'], ['nope', 'going', 'home', 'pump', 'petrol', 'lor', '...', 'like', 'going', 'rain', 'soon', '...'], ['use', 'foreign', 'stamp', 'whatever', 'send'], ['88066', 'lost', '£12', 'help'], ['baby', 'house', 'come', 'dont', 'new', 'picture', 'facebook'], ['feb', 'love', 'day', 'send', 'dis', 'valued', 'frnds', 'evn', 'come', 'back', "'ll", 'married', 'person', 'luv', 'ignore', 'dis', 'lose', 'luv', 'evr'], ['hiya', 'sorry', "n't", 'hav', 'signal', "n't", 'seen', 'heard', 'neither', 'unusual', "'ll", 'put', 'case', 'get', 'sort', 'hug', 'snogs'], ['omw', 'back', 'tampa', 'west', 'palm', 'hear', 'happened'], ['yup', 'already', '...', 'thanx', 'printing', 'handing'], ['freemsg', 'fancy', 'flirt', 'reply', 'date', 'join', 'uk', 'fastest', 'growing', 'mobile', 'dating', 'service', 'msg', 'rcvd', '25p', 'optout', 'txt', 'stop', '83021', 'reply', 'date'], ['mean', 'come', 'chase', 'stated', 'watch', 'many', 'movie', 'want'], ['took', 'tablet', 'reaction', 'morning'], ['great', 'new', 'offer', 'double', 'min', 'double', 'txt', 'best', 'orange', 'tariff', 'get', 'latest', 'camera', 'phone', 'free', 'call', 'mobileupd8', 'free', '08000839402', '2stoptxt'], ['nah', 'perpetual'], ['sorry', 'went', 'shop'], ['hope', 'enjoyed', 'new', 'content', 'text', 'stop', '61610', 'unsubscribe', 'help:08712400602450p', 'provided', 'tones2you.co.uk'], ['wen', 'lovable', 'bcums', 'angry', 'wid', 'dnt', 'take', 'seriously..', 'coz', 'angry', 'childish', 'true', 'way', 'showing', 'deep', 'affection', 'care', 'luv', 'kettoda', 'manda', '...', 'nice', 'day'], ['hey', 'still', 'want', 'yogasana', 'coz', 'end', 'cine', 'bathe', 'hav', 'steam', 'bath'], ['nope', 'drivin', '...', 'neva', 'develop', 'photo', 'lei', '...'], ['thinking', 'going', 'reg', 'pract', 'lessons..', 'flung', 'advance..', 'haha', 'wat', 'time', 'going'], ['cool', 'inch', 'long', 'hope', 'like', 'big'], ['house-maid', 'murderer', 'coz', 'man', 'murdered', 'january..', 'public', 'holiday', 'govt.instituitions', 'closed', 'including', 'post', 'office..understand'], ['okie..', 'thanx..'], ['day', 'euro2004', 'kickoff', 'kept', 'informed', 'latest', 'news', 'result', 'daily', 'unsubscribe', 'send', 'get', 'euro', 'stop', '83222'], ['buy', 'juz', 'buy', 'get', 'lar'], ['lor', '...'], ['working', 'technical', 'support', 'voice', 'process'], ['justbeen', 'overa', 'week', 'since', 'broke', 'already', 'brain', 'going', 'mush'], ['tunde', 'wishing', 'great', 'day', 'abiola'], ['nope', '...', '...'], ["'ll", 'medical', 'mission', 'nigeria'], ['movie', 'laptop'], ['whatsup', 'dont', 'want', 'sleep'], ['urgent', 'please', 'call', '09066612661', 'landline', '£5000', 'cash', 'luxury', 'canary', 'island', 'holiday', 'await', 'collection', 'sae', 'award', '20m12aq', '150ppm', '16+'], ['urgent', 'please', 'call', '09066612661', 'landline', 'complimentary', 'lux', 'costa', 'del', 'sol', 'holiday', '£1000', 'cash', 'await', 'collection', 'ppm', '150', 'sae', 'james', 'eh74rr'], ['havent', 'lei..', 'next', 'mon'], ['feeling', 'sleepy', 'today', 'shall', 'get', 'dear'], ['dare', 'stupid', 'wont', 'tell', 'anything', 'hear', 'wont', 'talk'], ['noe', 'ben', 'going'], ['mag', 'meeting', 'avo', 'point'], ['meant', 'middle', 'left', 'right'], ['really', 'crashed', 'cuddled', 'sofa'], ['chachi', 'tried', 'calling', 'unable', 'reach', 'give', 'missed', 'cal', 'tiz', 'msg', 'kanagu'], ['sent', 'price', 'mean'], ['much', 'buzy'], ['nothing', '...'], ["n't", 'know', "n't", 'know', 'send', 'chat', '86688', 'let', 'find', '150p/msg', 'rcvd', 'hg/suite342/2lands/row/w1j6hl', 'ldn', 'year'], ['working', 'ringing', 'thing', 'whole', 'houseful', 'screaming', 'brat', 'pulling', 'hair', 'loving'], ['family', 'responding', 'anything', 'room', 'went', 'home', 'diwali', 'one', 'called', 'coming', 'make', 'feel', 'like', 'died'], ['tick', 'tick', 'tick', '...', 'babe'], ['going', 'today', 'meeting'], ['many', 'page', 'want'], ['now.onion', 'roast'], ['send', 'number', 'give', 'reply', 'tomorrow', 'morning', 'said', 'like'], ['said', 'problem', 'let', 'know'], ['tell', 'half', 'come', 'need', 'prepare'], ['play', 'computer', 'aiyah', 'tok', 'lor'], ['sat', 'right', 'okay', 'thanks', '...'], ['derp', 'worse', 'dude', 'always', 'want', 'party', 'dude', 'file', 'complaint', 'three', 'drug', 'abuser', 'life'], ['chinese', 'food', 'way', 'get', 'fat', "'re", 'paying', 'lipo'], ['outside', 'already'], ['good', 'trip', 'watch', 'remember', 'get', 'back', 'must', 'decide', 'easter'], ['watching', 'movie', 'netflix'], ['time', 'prob'], ['meh', 'thgt', 'clash', '...', 'really', 'dun', 'mind', '...', 'dun', 'seen', 'lost', 'weight', '...', 'gee', '...'], ['dont', 'thnk', 'wrong', 'calling'], ['sure', 'night', 'menu', 'know', 'noon', 'menu'], ['arr', 'birthday', 'today', 'wish', 'get', 'oscar'], ['say', 'slowly', 'god', 'love', 'amp', 'need', 'clean', 'heart', 'blood.send', 'ten', 'special', 'people', 'amp', 'miracle', 'tomorrow', 'pls', 'pls', '...'], ['open', 'rebtel', 'firefox', 'load', 'put', 'plus', 'sign', 'user', 'name', 'place', 'show', 'two', 'number', 'lower', 'number', 'number', 'pick', 'number', 'pin', 'display', 'okay'], ['picking', 'various', 'point'], ['married', 'local', 'woman', 'looking', 'discreet', 'action', 'real', 'match', 'instantly', 'phone', 'text', 'match', '69969', 'msg', 'cost', '150p', 'stop', 'txt', 'stop', 'bcmsfwc1n3xx'], ['wow', 'impressed', 'fun', 'shopping'], ['way', 'home'], ['burger', 'king', 'wan', 'play', 'footy', 'top', 'stadium', 'get', 'burger', 'king', '1st', 'sept', 'large', 'super', 'coca-cola', 'walk', 'winner'], ['problem', 'talk', 'later'], ['si'], ['still', 'customer', 'place'], ['come', 'take', 'little', 'time', 'child', 'afraid', 'dark', 'become', 'teenager', 'want', 'stay', 'night'], ['dude', 'knw', 'also', 'telugu..thts', 'gud..k', 'gud', 'nyt..'], ['confirm', 'eating', 'esplanade'], ['send', 'password'], ['kind', 'took', 'garage', 'centre', 'part', 'exhaust', 'need', 'replacing', 'part', 'ordered', 'taking', 'fixed', 'tomo', 'morning'], ['chance', 'win', '£250', 'cash', 'every', 'txt', 'action', '80608', 'www.movietrivia.tv', 'custcare', '08712405022', '1x150p/wk'], ['well', 'might', 'come', '...'], ['long', 'quit', 'get', 'like', 'minute', 'day'], ['likely', 'called', 'mittelschmertz', 'google', 'dont', 'paracetamol', 'dont', 'worry'], ['well', 'right', 'gon', 'get', 'check', 'today', 'steam', 'sales/pee', 'text', 'want', 'come', 'get'], ['arrived', 'see', 'couple', 'day'], ['wat', 'tht', 'incident'], ['yeah', 'get', 'unlimited'], ['cthen', 'thk', 'shd', 'enuff..', 'still', 'got', 'conclusion', 'content', 'references..', "'ll", 'content', 'cover', 'pg..'], ['forgot', 'take', 'year', 'shower', 'sorry', 'at/your', 'phone', 'dead', 'yet'], ['got', 'wat', 'buy', 'tell', 'need', 'come'], ['big..|', 'god', 'bring', 'success'], ['bin', 'awarded', '£50', 'play', 'instant', 'cash', 'call', '08715203028', 'claim', 'every', '9th', 'player', 'win', 'min', '£50-£500', 'optout', '08718727870'], ['stayin', 'extra', 'week', 'back', 'next', 'wed.', 'rugby', 'weekend', 'soon'], ['well', 'still', 'bit', 'left', 'guy', 'want', 'tonight'], ['campus', 'library'], ['affidavit', 'say', 'twiggs', 'division', 'courtroom', 'time', "'ll", 'double', 'check', 'text', 'tomorrow'], ['creep'], ['tell', 'friend', 'plan', 'valentine', 'day', 'url'], ['get', 'ten', 'billion', 'call', 'text', 'help', 'god'], ['purity', 'friendship', 'two', 'smiling', 'reading', 'forwarded', 'message..its', 'smiling', 'seeing', 'name', 'gud', 'evng', 'musthu'], ["'ve", 'told', "'ve", 'returned', 'order'], ['house-maid', 'murderer', 'coz', 'man', 'murdered', 'january..', 'public', 'holiday', 'govt.instituitions', 'closed', 'including', 'post', 'office..'], ['depends', 'going', 'lor'], ['smile', 'right', 'world', 'wonder', 'smiling', 'think', 'crazy', 'keep', 'away', '...', '*grins*'], ['freemsg', 'fav', 'xmas', 'tone', 'reply', 'real'], ['lil', 'fever', 'fine'], ['think', 'still', 'car'], [], ['december', 'mobile', '11mths+', 'entitled', 'update', 'latest', 'colour', 'camera', 'mobile', 'free', 'call', 'mobile', 'update', 'free', '08002986906'], ['yes', 'princess', 'want', 'catch', 'big', 'strong', 'hand', '...'], ['yeah', 'forgot', 'take', 'shopping'], ['asked', 'call', 'radio'], ['thinkin', 'someone', 'good', 'drug'], ['say', 'slowly', 'god', 'love', 'amp', 'need', 'clean', 'heart', 'blood.send', 'ten', 'special', 'people', 'amp', 'miracle', 'tomorrow', 'pls', 'pls', '...'], ['enjoy', 'shower', 'possessiveness', 'poured', 'loved', 'one', 'bcoz', 'world', 'lie', 'golden', 'gift', 'loved', 'truly..'], ['alright', "'re", 'sure', 'let', 'know', "'re", 'leaving'], ['lasting', 'much', 'hour', 'might', 'get', 'lucky'], ['genius', 'brother', 'pls', 'send', 'number', 'skype'], ['gr8', 'poly', 'tone', 'mob', 'direct', 'rply', 'poly', 'title', '8007', 'poly', 'breathe1', 'title', 'crazyin', 'sleepingwith', 'finest', 'ymca', 'getzed.co.uk', 'pobox365o4w45wq', '300p'], ['thk', 'find', 'wtc', 'far', '...', 'weiyi', 'goin', '...', 'rest', 'dunno', 'yet', '...', 'goin', 'dinner', 'den', 'might', 'able', 'join', '...'], ["n't", 'forget', 'owns', 'private', 'property', '...', 'good', 'boy', 'always', '*passionate', 'kiss*'], ['interflora', '\x93it', 'late', 'order', 'interflora', 'flower', 'christmas', 'call', '0800', '505060', 'place', 'order', 'midnight', 'tomorrow'], ['god..taken', 'teeth', 'paining'], ['romcapspam', 'everyone', 'around', 'responding', 'well', 'presence', 'since', 'warm', 'outgoing', 'bringing', 'real', 'breath', 'sunshine'], ['ask', 'darren', 'pick', 'lor', '...', 'oso', 'sian', 'tmr', 'haf', 'meet', 'lect', '...'], ['need', 'buy', 'lunch', 'me..', 'eat', 'maggi', 'mee..'], ['congratulation', 'thanks', 'good', 'friend', '£2,000', 'xmas', 'prize', 'claim', 'easy', 'call', '08712103738', '10p', 'per', 'minute', 'bt-national-rate'], ['lor', '...'], ['right', "'ll", 'make', 'sure', 'load', 'work', 'day', 'got', 'really', 'nasty', 'cough', 'today', 'dry', 'shot', 'really', 'help'], ['wife.how', 'knew', 'time', 'murder', 'exactly'], ['send', 'logo', 'lover', 'name', 'joined', 'heart', 'txt', 'love', 'name1', 'name2', 'mobno', 'love', 'adam', 'eve', '07123456789', '87077', 'yahoo', 'pobox36504w45wq', 'txtno', 'ad', '150p'], ['howz', 'person', 'story'], ['thanx', 'sending', 'home', '...'], ['normally', 'hot', 'mail', 'com', 'see'], ["'ve", 'tkts', 'euro2004', 'cup', 'final', '£800', 'cash', 'collect', 'call', '09058099801', 'b4190604', 'pobox', '7876150ppm'], ['sick', 'still', 'shopping'], ['well', 'fine.', 'bbd', 'pooja', 'full', 'pimples..even', 'become', 'quite', 'black..and', 'rite', 'cold', 'wearing', 'sweatter..'], ['nice.nice.how', 'working'], ['reach', 'home', 'call'], ['trying', 'find', 'chinese', 'food', 'place', 'around'], ['easy', 'mate', 'guess', 'quick', 'drink', 'bit', 'ambitious'], ['babe', 'miiiiiiissssssssss', 'need', 'crave', '...', 'geeee', '...', 'sad', 'without', 'babe', '...', 'love', '...'], ['thanx', '...'], ['aathi..where', 'dear..'], ['tunji', 'queen', 'wishing', 'great', 'day', 'abiola'], ['today', 'yellow', 'rose', 'day', 'love', 'frndship', 'give', 'misscall', 'amp', 'send', 'frndz', 'amp', 'see', 'many', 'miss', 'call', 'get', 'get', '6missed', 'marry', 'lover'], ['class', 'hour', 'sorry'], ['wat', 'time', 'finish', 'lect', 'today'], ['free-message', 'jamster', 'get', 'crazy', 'frog', 'sound', 'poly', 'text', 'mad1', 'real', 'text', 'mad2', '88888', 'crazy', 'sound', 'gbp/week', '16+only', 'apply'], ['sad', 'story', 'man', 'last', 'week', "b'day", 'wife', "did'nt", 'wish', 'parent', 'forgot', 'kid', 'went', 'work', 'even', 'colleague', 'wish', 'entered', 'cabin', 'said', 'happy', "b'day", 'bos', 'felt', 'special', 'askd', 'lunch', 'lunch', 'invited', 'apartment', 'went', 'said', 'mind', 'bedroom', 'minute', "''ok", 'sed', 'sexy', 'mood', 'came', 'minuts', 'latr', 'wid', 'cake', '...', 'wife', 'parent', 'kidz', 'friend', 'colleague', 'screaming..', 'surprise', 'waiting', 'sofa..', '...', '...', 'naked', '...'], ['chance', 'reality', 'fantasy', 'show', 'call', '08707509020', '20p', 'per', 'min', 'ntt', 'ltd', 'box', '1327', 'croydon', 'cr9', '5wb', '0870', 'national', 'rate', 'call'], ['fine', 'good', 'hear', 'dear', 'happy', 'new', 'year'], ['going', 'wipro', 'interview', 'today'], ['tall', 'princess'], ['doubt', 'could', 'handle', 'time', 'per', 'night', 'case', '...'], ['haha', '...', 'hope', 'hear', 'receipt', 'sound', '...', 'luck'], ['gon', 'death', 'gon', 'leave', 'note', 'say', 'robs', 'fault', 'avenge'], ['japanese', 'proverb', 'one', 'none', 'must', 'indian', 'version', 'one', 'let', 'it..', 'none', 'leave', 'finally', 'kerala', 'version', 'one', 'stop', 'it..', 'none', 'make', 'strike', '...'], ['today', 'workin', 'free', 'oso', '...', 'gee', '...', 'thgt', 'workin', 'fren', 'shop'], ['life', 'face', 'choice', 'toss', 'coin', 'becoz', 'settle', 'question', 'coin', 'air', 'know', 'heart', 'hoping', 'gudni8'], ['know', 'god', 'created', 'gap', 'fingers..', 'one', 'made', 'come', 'amp', 'fill', 'gap', 'holding', 'hand', 'love..'], ['want', 'kiss', 'feel', 'next'], ['happy', 'saying'], ['adult', 'content', 'video', 'shortly'], ['would', 'lovely', 'sure', 'think', 'wot', 'want', 'drinkin', 'dancin', 'eatin', 'cinema', '...', 'wot'], ['saying', "n't", 'explicitly', 'told', 'nora', 'know', 'someone', 'probably', 'gon', 'bother'], ['say', 'get', 'back', 'south', 'tampa', 'preferably', 'kegger'], ['smith', 'waste', 'da.i', 'wan', 'gayle'], ['mum', "'ve", 'sent', 'many', 'many', 'message', 'since', 'got', 'want', 'know', 'actually', 'getting', 'enjoy', 'rest', 'day'], ['aight', 'tomorrow', 'around'], ['house-maid', 'murderer', 'coz', 'man', 'murdered', 'january..', 'public', 'holiday', 'govt.instituitions', 'closed', 'including', 'post', 'office..understand'], ['chance', 'reality', 'fantasy', 'show', 'call', '08707509020', '20p', 'per', 'min', 'ntt', 'ltd', 'box', '1327', 'croydon', 'cr9', '5wb', '0870', 'national', 'rate', 'call'], ['actually', 'first', 'time', 'went', 'bed', 'long', 'spoke', 'woke', 'night'], ['see'], ['dont', 'understand', 'message'], ['crucify', 'told', 'earlier'], ['idk', 'keep', 'saying', "'re", 'since', 'moved', 'keep', 'butting', 'head', 'freedom', 'vs.', 'responsibility', 'tired', 'much', 'shit', 'deal', 'barely', 'keeping', 'together', 'get', 'added'], ['fuck', 'cedar', 'key', 'fuck', 'come', 'anyway', 'tho'], ['twenty', 'past', 'five', 'said', 'train', 'durham', 'already', 'coz', 'reserved', 'seat'], ['hey', 'boy', 'want', 'hot', 'xxx', 'pic', 'sent', 'direct', 'phone', 'txt', 'porn', '69855', '24hrs', 'free', '50p', 'per', 'day', 'stop', 'text', 'stopbcm', 'wc1n3xx'], ['still', 'painting', 'wall'], ['last', 'chance', 'claim', '£150', 'worth', 'discount', 'voucher', 'today', 'text', 'shop', '85023', 'savamob', 'offer', 'mobile', 'savamob', 'pobox84', 'm263uz', '£3.00', 'sub'], ['printer', 'cool', 'mean', 'groovy', 'wine', 'groovying'], ['harish', 'rent', 'transfred', 'acnt'], ['anything', 'lor', 'coming'], ['cbe', 'really', 'good', 'nowadays', 'lot', 'shop', 'showroom', 'city', 'shaping', 'good'], ['still', 'attending', 'talk'], ['probs', 'hon', 'doinat'], ["'ll", 'take', 'care'], ['take', "n't", 'phone', 'callon', 'friday', 'assume', "n't", 'year'], ['battery', 'low', 'babe'], ['shuhui', 'bought', 'ron', 'present', 'swatch', 'watch', '...'], ['yeah', 'quite', 'bit', 'left', "'ll", 'swing', 'tomorrow', 'get'], ['babe', 'said', 'hour', 'almost', '...', 'internet'], ["'ll", 'sure', 'get', 'noon', 'see'], ['...', '...', 'yesterday', 'cbe'], ['went', 'ganesh', 'dress', 'shop'], ['pdate_now', 'double', 'min', '1000', 'txts', 'orange', 'tariff', 'latest', 'motorola', 'sonyericsson', 'nokia', 'bluetooth', 'free', 'call', 'mobileupd8', '08000839402', 'call2optout/', 'yhl'], ['collecting', 'laptop', 'going', 'configure', 'setting', 'izzit'], ['home', 'come', 'within', 'min'], ['aight', 'latest', 'probably', 'closer', 'jay', 'tyler', 'two', 'trip'], ['come', 'aftr', 'decimal', '..now', 'cleaning', 'house'], ['cash-balance', 'currently', '500', 'pound', 'maximize', 'cash-in', 'send', 'cash', '86688', '150p/msg', '08718720201', 'box', '114/14', 'tcr/w1'], ['bill', 'letter', 'expecting', 'one', 'orange', 'bill', 'may', 'still', 'say', 'orange'], ['tell', 'pa.', 'pain'], ['darlin', 'hope', 'nice', 'night', 'wish', 'come', 'cant', 'wait', 'see', 'love', 'fran', 'want', 'dirty', 'anal', 'sex', 'want', 'man', 'gang', 'bang'], ['know', 'either', 'clever', 'simple', 'thing', 'pear', 'day', 'perfect', 'christmas'], ['helloooo', '...', 'wake', 'up..', 'sweet', 'morning', 'welcome', 'enjoy', 'day', 'full', 'joy', 'gud', 'mrng'], ['alrite'], ['must', 'sit', 'around', 'wait', 'summer', 'day', 'celebrate', 'magical', 'sight', 'world', 'dressed', 'white', 'oooooh', 'let', 'snow'], ['urgent', 'mobile', 'number', 'awarded', '£2000', 'prize', 'guaranteed', 'call', '09058094454', 'land', 'line', 'claim', '3030', 'valid', '12hrs'], ['guy', 'see', 'movie', 'side'], ['sorry', 'meeting', "'ll", 'call', 'later'], ["n't", 'tell', '...', 'thinking', 'plus', 'going', 'stop', 'run'], ['kindly', 'send', 'one', 'flat', 'decimal', 'today'], ['sorry', 'unsubscribe', 'yet', 'mob', 'offer', 'package', 'min', 'term', 'week', 'pls', 'resubmit', 'request', 'expiry', 'reply', 'themob', 'help', 'info'], ['nothing', 'lor', '...', 'bit', 'bored', '...', 'dun', 'home', 'early', 'sleep', 'today', '...'], ['time', 'tell', 'friend', 'around'], ['yes', 'fine', 'love', 'safe'], ['thanks', 'chikku..', 'gud', 'nyt'], ['car', 'picking'], ['thanx', 'time', 'we\x92ve', 'spent', '2geva', 'bin', 'mint', 'baby', 'want', 'xxxx'], ['way', 'could', 'pick', 'something', 'tonight'], ["'ve", 'sent', 'send'], ['fine', 'simply', 'sitting'], ['thts', 'god', 'gift', 'bird', 'human', 'hav', 'natural', 'gift', 'frm', 'god..'], ['coming', 'day', 'class'], ['done', 'studyn', 'library'], ['...', 'enjoy', 'show', '...'], ['anything', '...'], ['wuld', 'without', 'baby', 'thought', 'alone', 'mite', 'break', 'don\x92t', 'wan', 'crazy', 'everyboy', 'need', 'lady', 'xxxxxxxx'], ['wat', 'dear', 'sleeping'], ['test', '...'], ['student', 'solved', 'cat', 'question', "'xam", '...', '5+3+2=', '9+2+4=', '8+6+3=', '7+2+5=', 'tell', 'answer', 'brilliant', '...', '1thing.i', 'got', 'answr'], ['know', 'anyone', 'otherwise', 'able', 'buy', 'liquor', 'guy', 'flaked', 'right', "n't", 'get', 'hold', 'somebody', 'loko', 'night'], ['yup', 'fren', 'lor', 'meeting', 'fren', '730'], ['yeah', 'got', 'one', 'lined'], ['stop', 'wondering', 'wow', 'ever', 'going', 'stop', "tm'ing", 'whenever', 'want', 'mine', '...', '*laughs*'], ['lol', 'yep', 'yesterday', 'already', 'got', 'fireplace', 'another', 'icon', 'sitting'], ['hey', "'ve", 'booked', 'pilate', 'yoga', 'lesson', 'already', '...', 'haha'], ['ok.', 'happen', 'behave', 'like'], ['new', 'message', 'please', 'call', '08712400200'], ['supervisor', 'find', 'one', 'lor', 'thk', 'student', 'havent', 'ask', 'yet', 'tell', 'aft', 'ask'], ['hello', 'news', 'job', 'making', 'wait', 'fifth', 'week', 'yeah', 'woozles', 'weasel', '...', 'exeter', 'still', 'home'], ['message..no', 'responce..what', 'happend'], ['currently', 'message', 'awaiting', 'collection', 'collect', 'message', 'call', '08718723815'], ['hey', 'babe', 'sorry', "n't", 'get', 'sooner', 'gary', 'come', 'fix', 'cause', 'think', 'know', "n't", 'far', 'ptbo', 'say', 'cost', 'buck', "n't", 'know', 'might', 'cheaper', 'find', 'someone', "n't", 'second', 'hand', 'machine', 'right', 'let', 'know', 'want', 'babe'], ['make', 'fuck', 'sake'], ['leave', 'always', 'ignorant'], ['nope', "'ll", 'going', 'sch', 'fri', 'quite', 'early', 'lor', 'co', 'mys', 'si', 'got', 'paper', 'morn'], ['bruce', 'amp', 'fletcher'], ['said', 'would', 'woke', '...'], ['hey', 'free', 'call'], ['tell', 'pls'], ['urgent', 'mobile', 'awarded', '£1,500', 'bonus', 'caller', 'prize', '27/6/03', 'final', 'attempt', 'contact', 'call', '08714714011'], ['think', 'might', 'give', 'miss', 'teaching', 'til', 'twelve', 'lecture', 'two', 'damn', 'working', 'thing'], ['check', 'like', 'bowl', 'worth', 'left'], ['yes', 'many', 'sweet'], ['would', 'still', 'cozy', 'exhausted', 'last', 'night.nobody', 'went', 'school', 'work', 'everything', 'closed'], ['secret', 'admirer', 'reveal', 'think', 'special', 'call', '09065174042', 'opt', 'reply', 'reveal', 'stop', '1.50', 'per', 'msg', 'recd', 'cust', 'care', '07821230901'], ['buzzzz', '*grins*', 'buzz', 'buzz', 'chest', 'buzz', 'cock', 'keep', 'phone', 'vibrator', 'feel', 'shake'], ['sir', 'send', 'group', 'mail', 'check'], ['intro', 'cover', 'energy', 'trend', 'pro', 'con', '...', 'brief', 'description', 'nuclear', 'fusion', 'oso', 'brief', 'history', 'iter', 'jet', 'got', 'abt', 'half', 'pages..'], ['none', 'nowhere', 'ikno', 'doesdiscount', 'shitinnit'], ['dont', 'know', 'jabo', 'abi'], ['ever', 'notice', "'re", 'driving', 'anyone', 'going', 'slower', 'idiot', 'everyone', 'driving', 'faster', 'maniac'], ['yet', 'had..ya', 'sapna', 'aunty', 'manege', "y'day", 'hogidhe..chinnu', 'full', 'weak', 'swalpa', 'black', 'agidhane..'], ['good', 'baby'], ['neft', 'transaction', 'reference', 'number', 'decimal', 'credited', 'beneficiary', 'account', 'time'], ['mostly', 'sport', 'type..lyk', 'footbl', 'crckt..'], ['head', 'dey', 'swell', 'thanks', 'making', 'day'], ['make', 'list'], ['height', 'confidence', 'aeronautics', 'professor', 'wer', 'calld', 'amp', 'wer', 'askd', 'sit', 'aeroplane', 'aftr', 'sat', 'wer', 'told', 'dat', 'plane', 'made', 'student', 'dey', 'hurried', 'plane..', 'didnt', 'move', '...', 'said', 'made', 'student', 'wont', 'even', 'start', '...', '...', 'datz', 'confidence..'], ['sary', 'need', 'tim', 'bollox', 'hurt', 'lot', 'tol'], ['happy', 'new', 'year', 'princess'], ["'ll", 'text', 'carlos', 'let', 'know', 'hang'], ["n't", 'worry', 'easy', 'ingredient'], ['love', 'little', 'pocy', 'bell', 'sorry', 'love'], ['omw', 'castor'], ['yar', 'lor', '...', 'keep', 'raining', 'non', 'stop', '...', 'wan', 'elsewhere'], ['xmas', 'offer', 'latest', 'motorola', 'sonyericsson', 'nokia', 'free', 'bluetooth', 'dvd', 'double', 'min', '1000', 'txt', 'orange', 'call', 'mobileupd8', '08000839402', 'call2optout/4qf2'], ['mean', 'almost', 'done', 'done', 'wif', 'sleeping', 'tot', 'going', 'take', 'nap..', 'yup', 'send', 'liao', 'picking', 'ard', 'smth', 'lor..'], ['wonder', 'world', '7th', '6th', 'style', '5th', 'smile', '4th', 'personality', '3rd', 'nature', '2nd', 'sm', '1st', 'lovely', 'friendship', '...', 'good', 'morning', 'dear'], ['tonight', 'yeah'], ['eat', 'lunch', 'senor'], ['said', 'right', 'giggle', 'saw', 'would', 'possibly', 'first', 'person2die', 'nvq', 'think', 'much', 'could'], ['break', 'time', 'one', '...', '...', 'come', 'get', 'stuff'], ['reply', 'win', '£100', 'weekly', 'professional', 'sport', 'tiger', 'wood', 'play', 'send', 'stop', '87239', 'end', 'service'], ['see', "n't", 'see', 'maybe', 'reboot', 'seen', 'buzz'], ['still', 'grinder'], ['polyphonic', 'tone', 'mob', 'every', 'week', 'txt', 'pt2', '87575', '1st', 'tone', 'free', 'get', 'txtin', 'tell', 'friend', '150p/tone', 'reply', '4info'], ['love', "n't", 'decision', 'feeling', 'could', 'decide', 'love', 'life', 'would', 'much', 'simpler', 'le', 'magical'], ['hot', 'live', 'fantasy', 'call', '08707509020', '20p', 'per', 'min', 'ntt', 'ltd', 'box', '1327', 'croydon', 'cr9', '5wb', '0870', 'national', 'rate', 'call'], ['k.i', "did't", 'see'], ['list', 'buyer'], ['idea', 'guess', "'ll", 'work', 'hour', "'re", 'supposed', 'leave', 'since', 'usual', 'nobody', 'interest', 'figuring', 'shit', 'last', 'second'], ['entirely', 'sure', 'understood', 'text', 'hey', 'weekend'], ['released', 'vday', 'shirt', 'put', 'make', 'bottom', 'half', 'naked', 'instead', 'white', 'underwear'], ['know..he', 'watching', 'film', 'computer..'], ['thursday'], ['phone', 'phoned', 'disconnected'], ['onluy', 'matter', 'getting', 'offcampus'], ['message', 'free', 'welcome', 'new', 'improved', 'sex', 'dogging', 'club', 'unsubscribe', 'service', 'reply', 'stop', 'msg', '150p', '18+only'], ['excellent', "'ll", 'see', 'riley', 'plan'], ['see', 'half', 'hour'], ["'ve", 'tkts', 'euro2004', 'cup', 'final', '£800', 'cash', 'collect', 'call', '09058099801', 'b4190604', 'pobox', '7876150ppm'], ['one'], ['also', 'wesley', "'ve"], ['see', 'lingo', 'let', 'know', 'wot', 'earth', 'finished', 'making'], ['loan', 'purpose', '£500', '£75,000', 'homeowner', 'tenant', 'welcome', 'previously', 'refused', 'still', 'help', 'call', 'free', '0800', '1956669', 'text', 'back', "'help"], ['update_now', '12mths', 'half', 'price', 'orange', 'line', 'rental', '400mins', '...', 'call', 'mobileupd8', '08000839402', 'call2optout=j5q'], ['imagine', 'life', 'without', '...', 'see..', 'fast', 'searching', "n't", 'worry..', 'always', 'disturb', 'u..', 'goodnoon..'], ['good', 'morning', 'headache', 'anyone'], ['yeah', 'probs', 'last', 'night', 'obviously', 'catching', '...', 'speak', 'soon'], ['free', 'unlimited', 'hardcore', 'porn', 'direct', 'mobile', 'txt', 'porn', '69200', 'get', 'free', 'access', 'hr', 'chrgd', '50p', 'per', 'day', 'txt', 'stop', '2exit', 'msg', 'free'], ['might', 'sch', 'yar', 'salon', 'boring'], ['min', 'stop', 'somewhere', 'first'], ['fast', 'approaching', 'wish', 'happy', 'new', 'year', 'happy', 'sankranti', 'happy', 'republic', 'day', 'happy', 'valentine', 'day', 'happy', 'shivratri', 'happy', 'ugadi', 'happy', 'fool', 'day', 'happy', 'may', 'day', 'happy', 'independence', 'day', 'happy', 'friendship', 'mother', 'father', 'teacher', 'childrens', 'day', 'amp', 'happy', 'birthday', 'happy', 'ganesh', 'festival', 'happy', 'dasara', 'happy', 'diwali', 'happy', 'christmas', 'good', 'morning', 'afternoon', 'evening', 'night', 'rememberi', 'first', 'wishing', '...', 'raj'], ['one', 'joy', 'lifeis', 'waking', 'daywith', 'thought', 'somewheresomeone', 'care', 'enough', 'tosend', 'warm', 'morning', 'greeting..'], ["n't", 'get', 'second', 'half', 'message'], ['wat', 'time', 'wan', 'meet', 'later'], ['thank', 'much', 'selflessness', 'love', 'plenty'], ['film', 'ill', 'call', 'later'], ['dare', 'change', 'ring'], ['bad', 'girl', 'lady'], ['love', 'try', 'budget', 'money', 'better', 'babe', 'gary', 'would', 'freak', 'knew'], ['part', "n't", 'initiate', "n't", 'understand'], ['finished', 'lunch', 'already', 'wake', 'already'], ['still', 'game'], ['got', 'tallent', 'wasting'], ['record', 'one', 'night'], ['also', 'sir', 'sent', 'email', 'log', 'usc', 'payment', 'portal', 'i.ll', 'send', 'another', 'message', 'explain', 'thing', 'back', 'home', 'great', 'weekend'], ['gon', 'let', 'know', 'co', 'come', 'bak', 'holiday', 'day', 'coming', "don't4get2text", 'number'], ['jokin', 'lar', '...', 'depends', 'phone', 'father', 'get', 'lor', '...'], ['aight', 'lem', 'know'], ['get', 'ready', 'inch', 'pleasure', '...'], ['raji..pls', 'favour', 'pls', 'convey', 'birthday', 'wish', 'nimya', 'pls', 'today', 'birthday'], ['feel', 'like', 'john', 'lennon'], ['co', 'darren', 'say', 'considering', 'mah', 'ask', '...'], ['bothering', 'trust', 'answer', 'pls'], ['wishing', 'family', 'merry', 'happy', 'new', 'year', 'advance..'], ['one', 'day', 'crab', 'running', 'sea', 'shore..the', 'wave', 'came', 'cleared', 'footprint', 'crab..', 'crab', 'asked', 'frnd', 'clearing', 'beautiful', 'footprint', 'wave', 'replied', 'fox', 'following', 'footprint', 'catch', 'thats', 'cleared', 'frndsship', 'never', 'let', 'dwn', 'gud', 'nyt..'], ['aight', 'time', 'want', 'come'], ['slaaaaave', 'must', 'summon', 'time', "n't", 'wish', 'come', 'anymore'], ['bill', '£33.65', 'thats', 'bad'], ['let', 'know', 'change', 'next', '6hrs', 'even', 'appendix', 'age', 'range', 'however', 'impossible', 'chill', 'let', 'know', '6hrs'], ['hello', 'yeah', "'ve", 'got', 'bath', 'need', 'hair', "'ll", 'come', 'done', 'yeah'], ['weather'], ['ok.', 'much', 'though', 'friday', 'cant', 'wait', 'dunno', 'wot', 'hell', 'gon', 'another', 'week', 'become', 'slob-', 'wait', 'already', 'done'], ['die', '...', 'toot', 'fringe', '...'], ['lol', "n't", 'know', 'awesome', 'phone', 'could', 'click', 'delete', 'right', 'want'], [], ['awesome', 'question', 'cute', 'answer', 'someone', 'asked', 'boy', 'life', 'smiled', 'amp', 'answered', 'fine', 'gudnite'], ['please', 'leave', 'topic..sorry', 'telling', 'that..'], ['pls', 'send', 'correct', 'name'], ['happened', 'date'], ['eastenders', 'quiz', 'flower', 'dot', 'compare', 'violet', 'tulip', 'lily', 'txt', '84025', 'chance', 'win', '£100', 'cash', 'wkent/150p16+'], ['webpage', 'available'], ['woke', 'yeesh', 'late', "n't", 'fall', 'asleep', 'til'], ['unsubscribed', 'service', 'get', 'ton', 'sexy', 'babe', 'hunk', 'straight', 'phone', 'http', '//gotbabes.co.uk', 'subscription'], ['dear', 'know', 'birthday', 'loving', 'gopalettan', 'planning', 'give', 'small', 'gift', 'day', 'like', 'participate', 'welcome', 'please', 'contact', 'admin', 'team', 'detail'], ['k..k', '...', 'tomorrow', 'onwards', 'started'], ['talking', 'bout', 'early', 'morning', 'almost', 'noon'], ['fine', 'remember'], ['babe', 'jordan', 'home', 'abroad', 'lonely', 'text', 'back', 'wan', 'chat', 'xxsp', 'visionsms.com', 'text', 'stop', 'stopcost', '150p', '08712400603'], ['ok.', 'many', 'buy'], ['sound', 'good', 'keep', 'posted'], ['get', 'brand', 'new', 'mobile', 'phone', 'agent', 'mob', 'plus', 'load', 'goody', 'info', 'text', 'mat', '87021'], ['april', 'cant', 'wait'], ['boy', 'best', 'get', 'quick'], ['wana', 'meet', 'sat', 'wkg', 'sat'], ['wait', 'till', 'bus', 'pick'], ['apart', 'one', 'told', 'yesterday'], ['lor', '...', 'buy', 'wat'], ['somebody', 'andros', 'steal', 'ice'], ['know', "did't", 'msg', 'recently'], ['take', 'shopping', 'mark', 'distract', 'isaiah.=d'], ['mum', 'hope', 'great', 'day', 'hoping', 'text', 'meet', 'well', 'full', 'life', 'great', 'day', 'abiola'], ['sense', 'foot', 'penis'], ['okay', 'thought', 'expert'], ['*deep', 'sigh*', '...', 'miss', '...', 'really', 'surprised', "n't", 'gone', 'net', 'cafe', 'yet', 'get', '...', "n't", 'miss'], ['s.s', 'thinl', 'role', 'like', 'sachin.just', 'standing', 'others', 'hit'], ['great', 'trip', 'india', 'bring', 'light', 'everyone', 'project', 'everyone', 'lucky', 'see', 'smile', 'bye', 'abiola'], ['importantly', 'discus'], ['k..k', 'training', 'process'], ['lor', 'ned', 'toa', 'payoh', 'return', 'smth', 'wan', 'send', 'wat'], ['car', 'park'], ['wish', 'holding', 'tightly', 'making', 'see', 'important', 'much', 'mean', '...', 'much', 'need', '...', 'life', '...'], ['asked', 'anthony', 'dad'], ["'wnevr", 'wana', 'fal', 'luv', 'vth', 'book', 'bed', 'fals', 'luv', 'vth', 'me..', 'yen', 'madodu', 'nav', 'pretsorginta', 'nammanna', 'pretsovru', 'important', 'alwa', '...', 'gud', 'eveb-'], ['today-sunday..sunday', 'holiday..so', 'work..'], ['going', 'take', 'bath', 'ill', 'place', 'key', 'window'], ['lord', 'ring', 'return', 'king', 'store', 'reply', 'lotr', 'june', 'chance', 'win', 'lotr', 'soundtrack', 'cd', 'stdtxtrate', 'reply', 'stop', 'end', 'txts'], ['dear', 'take', 'care', 'reaching', 'home.love', 'lot'], ['staff.science.nus.edu.sg/~phyhcmk/teaching/pc1323'], ['emigrated', 'something', 'maybe', '5.30', 'bit', 'hopeful', '...'], ['olol', 'printed', 'forum', 'post', 'guy', 'exact', 'prob', 'fixed', 'gpu', 'replacement', 'hopefully', 'dont', 'ignore'], ['walked', 'mom', 'right', 'stagwood', 'pas', 'right', 'winterstone', 'left', 'victor', 'hill', 'address'], ['hungry', 'like', 'mofo'], ['creepy', 'crazy'], ['...', 'din', 'get', 'msg', '...'], ['tessy..pls', 'favor', 'pls', 'convey', 'birthday', 'wish', 'nimya..pls', 'dnt', 'forget', 'today', 'birthday', 'shijas'], ['pathaya', 'enketa', 'maraikara'], ['even', 'friend', 'priest', 'call'], ['lousy', 'run', 'already', 'come', 'back', 'half', 'dead', '...', 'hee', '...'], ['said', 'bad', 'dat', 'gal', 'know', '...', 'wat'], ['remind', 'hr'], ['hoping', 'would', 'send', 'message', 'rent', 'due', 'dont', 'enough', 'reserve', 'completely', 'gone', 'loan', 'need', 'hoping', 'could', 'balance', 'way', 'could', 'get', 'till', 'mid', 'march', 'hope', 'pay', 'back'], ['happy', 'new', 'year', 'dont', 'mean', 'intrude', 'pls', 'let', 'know', 'much', 'tuition', 'paid', 'last', 'semester', 'much', 'semester', 'thanks'], ['hello', 'hun', 'way', 'good', 'date', 'guy', 'met', 'walkabout', 'far', 'meet', 'soon', 'hows', 'everyone', 'else'], ['lol', 'gon', 'last', 'month', 'cashed', 'left', 'case', 'collecting', 'week', 'cause', 'announced', 'blog'], ['good', 'luck', 'draw', 'take', 'place', '28th', 'feb', 'good', 'luck', 'removal', 'send', 'stop', '87239', 'customer', 'service', '08708034412'], ['short', 'cute', 'good', 'person', 'dont', 'try', 'prove', '...', 'gud', 'mrng', '...'], ["n't", 'decided', 'yet'], ['wat', 'time', 'liao', 'still', 'got'], ['yes', 'watching', 'footie', 'worried', "'re", 'going', 'blow', 'phil', 'neville'], ['wait', 'inside', 'car', 'park', '...'], ['uncle', 'abbey', 'happy', 'new', 'year', 'abiola'], ['free', 'call'], ['saying', 'order', 'slipper', 'co', 'pay', 'returning'], ['stop', 'knowing', 'well'], ['good', 'evening', 'roger'], ['small', 'problem', 'auction', 'punj', 'asking', 'tiwary'], ['free', 'entry', 'weekly', 'comp', 'chance', 'win', 'ipod', 'txt', 'pod', '80182', 'get', 'entry', 'std', 'txt', 'rate', 'apply', '08452810073', 'detail', '18+'], ['telling', 'tell', 'one', 'treat'], ['uncle', 'atlanta', 'wish', 'guy', 'great', 'semester'], ['1st', 'free', 'gr8', 'tone', 'str8', 'txt', 'nokia', '8007', 'classic', 'nokia', 'tone', 'hit', '8007', 'polys', 'nokia/150p', 'poly/200p', '16+'], ['coming', 'pick'], ['thats', 'cool', 'liked', 'photo', 'sexy'], ['would', 'fuckin', 'believe', 'didnt', 'know', 'thurs', 'pre', 'booked', 'cancelled', 'need', 'sacked'], ['haha', 'better', 'late', 'ever', 'way', 'could', 'swing'], ['finish'], ['lookatme', 'thanks', 'purchase', 'video', 'clip', 'lookatme', "'ve", 'charged', '35p', 'think', 'better', 'send', 'video', 'mmsto', '32323'], ["'ve", 'barred', 'store', 'life', 'twat', 'orange', 'dungerees', 'came', 'asked', 'wanted', 'decking', 'got', 'first', 'punch'], ['message', 'food'], ['going', 'sleep', 'hope', 'meet'], ['wat', 'make', 'people', 'dearer', 'happiness', 'dat', 'feel', 'meet', 'pain', 'feel', 'miss', 'dem'], ['let', 'know', 'detail', 'fri', 'find', 'co', 'tom', 'fri.', 'mentionned', 'chinese', 'thanks'], ["'re", 'right', 'think'], ['wat'], ['lecture'], ['sexy', 'sexy', 'cum', 'text', 'wet', 'warm', 'ready', 'porn', 'fun', 'msg', 'free', 'recd', 'msg', '150p', 'inc', 'vat', 'cancel', 'text', 'stop'], ['customer', 'place', 'call'], ['planned', 'yet', 'going', 'join', 'company', 'jan', 'only.don', 'know', 'happen'], ['boy', 'love', 'grl', 'hogolo', 'boy', 'gold', 'chain', 'kodstini', 'grl', 'agalla', 'boy', 'necklace', 'madstini', 'grl', 'agalla', 'boy', 'hogli', 'mutai', 'eerulli', 'kodthini', 'grl', 'love', 'kano'], ['haha', 'heard', 'text', "'re", 'around'], ['i.ll', 'get', 'tomorrow', 'send'], ['shit', 'babe..', 'thasa', 'bit', 'messed', 'up.yeh', 'shudvetold', 'urgran', 'know', 'neway', 'illspeak', 'u2moro', 'wen', 'asleep', '...'], ['thats', 'late', 'well', 'good', 'night', 'give', 'call', 'tomorrow', 'iam', 'going', 'sleep', 'night', 'night'], ['cheer', 'tex', 'mecause', 'werebored', 'yeah', 'okden', 'hunny', 'uin', 'sat', 'sound\x92s', 'likeyour', 'havin', 'gr8fun', 'keep', 'updat', 'countinlots', 'loveme', 'xxxxx'], ['sorry', 'meeting', "'ll", 'call', 'later'], ['howz', 'girl', 'never', 'rang', 'india'], ['yeah', 'worse'], ['hard', 'live', '121', 'chat', '60p/min', 'choose', 'girl', 'connect', 'live', 'call', '09094646899', 'cheap', 'chat', 'biggest', 'live', 'service', 'bcm1896wc1n3xx'], ['tagged', 'friend', 'seemed', 'count', 'friend'], ['heard', 'call', 'rude', 'chat', 'private', 'line', '01223585334', 'cum', 'wan', 'pic', 'gettin', 'shagged', 'text', 'pix', '8552', '2end', 'send', 'stop', '8552', 'sam', 'xxx'], ['...'], ['long', 'time', 'remember', 'today'], ['havent', 'shopping', 'lor', 'juz', 'arrive'], ['thank', 'better', 'work', 'cause', 'feel', 'used', 'otherwise'], ['challenge', 'know'], ['much', 'hdd', 'casing', 'cost'], ['mystery', 'solved', 'opened', 'email', 'sent', 'another', 'batch', "n't", 'sweetie'], ["n't", 'describe', 'lucky', 'actually', 'awake', 'noon'], ['2nd', 'time', 'tried', 'contact', '£1450', 'prize', 'claim', 'call', '09053750005', '310303', 'cs/stop', 'sm', '08718725756', '140ppm'], ['today', 'sorry', 'day', 'ever', 'angry', 'ever', 'misbehaved', 'hurt', 'plz', 'plz', 'slap', 'urself', 'bcoz', 'fault', 'basically', 'good'], ['cheer', 'card', '...', 'time', 'year', 'already'], ['hot', 'live', 'fantasy', 'call', '08707509020', '20p', 'per', 'min', 'ntt', 'ltd', 'box', '1327', 'croydon', 'cr9', '5wb', '0870..k'], ['people', 'see', 'msg', 'think', 'iam', 'addicted', 'msging', '...', 'wrong', 'bcoz', "don\\'t", 'know', 'iam', 'addicted', 'sweet', 'friends..', 'bslvyl'], ['ugh', 'hopefully', 'asus', 'ppl', 'dont', 'randomly', 'reformat'], ["n't", 'seen', 'facebook', 'huh', 'lol'], ['mah', "'ll", 'pick', 'tomorrow'], ['still', 'otside', 'le..u', 'come', '2morrow', 'maga..'], ['still', 'plumber', 'tape', 'wrench', 'could', 'borrow'], ['dear', 'voucher', 'holder', 'claim', 'week', 'offer', 'please', 'http', '//www.e-tlp.co.uk/reward', 'apply'], ['bcum', 'difficult..'], ['going', 'bahamas', 'callfreefone', '08081560665', 'speak', 'live', 'operator', 'claim', 'either', 'bahamas', 'cruise', 'of£2000', 'cash', '18+only', 'opt', 'txt', '07786200117'], ['havent', 'still', 'waitin', 'usual', '...', 'come', 'back', 'sch', 'oredi'], ['meeting', 'call'], ['watch', 'film'], ['doe', 'cinema', 'plus', 'drink', 'appeal', 'tomo', 'thriller', 'director', 'like', 'mac', '8.30'], ['size', 'elephant', 'tablet', 'shove'], ['many', 'people', 'seems', 'special', 'first', 'sight', 'remain', 'special', 'till', 'last', 'sight..', 'maintain', 'till', 'life', 'ends..', 'take'], ['parent', 'kidz', 'friend', 'colleague', 'screaming..', 'surprise', 'waiting', 'sofa..', '...', '...', 'naked', '...'], ['dunno', 'juz', 'askin', 'co', 'got', 'card', 'got', 'salon', 'called', 'hair', 'sense', 'tot', 'one', 'cut', 'hair'], ['good', 'morning', 'pookie', 'pie', 'lol', 'hope', "n't", 'wake'], ['maybe', 'woke', 'fucking', 'would', "n't", 'problem'], ['happy', 'birthday', '...', '.dear.with', 'lot', 'love.rakhesh', 'nri'], ['howz', 'person', 'story'], ['2nd', 'time', 'tried', 'contact', '750', 'pound', 'prize', 'claim', 'easy', 'call', '08712101358', '10p', 'per', 'min', 'bt-national-rate'], ['going', 'get'], ['neva', 'worry', 'bout', 'truth', 'coz', 'truth', 'lead', 'heart', 'it\x92s', 'least', 'unique', 'person', 'like', 'deserve', 'sleep', 'tight', 'morning'], ['awarded', 'city', 'break', 'could', 'win', '£200', 'summer', 'shopping', 'spree', 'every', 'txt', 'store', '88039.skilgme.tscs087147403231winawk', 'age16+£1.50perwksub'], ['paper', 'today', 'morn', 'aft'], ['lick', 'every', 'drop', 'ready', 'use', 'mouth', 'well'], ['expect', 'whenever', 'text', 'hope', 'go', 'well', 'tomo'], ['great', 'diddy', 'neighbor', 'come', 'toothpaste', 'every', 'morning'], ['new', 'number', 'wil', 'use', 'one'], ['poking', 'man', 'everyday', 'teach', 'canada', 'abi', 'saying'], ['lor', '...', 'change', 'suntec', '...', 'wat', 'time', 'coming'], ['de.am', 'seeing', 'online', 'shop', 'asked'], ['curious', 'cuz', 'asked'], ['nice.nice.how', 'working'], ['okay', 'lor', '...', 'wah', '...', 'like', 'def', 'wont', 'let', '...', 'haha', '...', 'say', 'term', 'condition'], ['haha', '...', 'yup', 'hopefully', 'lose', 'mon', 'hip', 'hop', 'orchard', 'weigh'], ['good', 'working'], ['yes', "'ve", 'little', 'weather', "'ve", 'kind', 'coccooning', 'home'], ['home', 'also'], ['phone', 'weirdest', 'auto', 'correct'], ['oops', 'phone', 'died', "n't", 'even', 'know', 'yeah', 'like', 'better'], ['havent', 'mu', 'ask', '1st', 'wat', 'meet', 'lunch', 'den', 'meet', 'already', 'lor', 'wan', 'ask', '1st', 'confirm', 'asap'], ['said', 'mind', 'bedroom', 'minute', "''ok", 'sed', 'sexy', 'mood', 'came', 'minuts', 'latr', 'wid', 'cake', '...', 'wife'], ['yeah', 'hav', 'great', 'time', 'newquay-send', 'postcard', 'look', 'girl', 'gone', 'know', '1im', 'talkin', 'bout'], ['got', 'divorce', 'lol', 'she.s'], ['pin'], ['babe', 'got', 'enough', 'money', 'pick', 'bread', 'milk', "'ll", 'give', 'back', 'get', 'home'], ['want', 'snow', 'freezing', 'windy'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£2000', 'prize', 'guaranteed', 'call', '09066358361', 'land', 'line', 'claim', 'y87', 'valid', '12hrs'], ['come', 'mahal', 'bus', 'stop..', 'decimal'], ['know', 'week', 'going', 'tirunelvai'], ['baby', 'promise', 'treat', 'well', 'bet', 'take', 'good', 'care', '...'], ['like', 'hotel', 'dusk', 'game', 'think', 'solve', 'puzzle', 'area', 'thing'], ['thanks', 'ringtone', 'order', 'reference', 'number', 'x29', 'mobile', 'charged', '4.50', 'tone', 'arrive', 'please', 'call', 'customer', 'service', '09065989180'], ['love', 'go', 'day', 'fuck', 'morning', 'woke', 'dropped', 'cell', 'way', 'stair', 'seems', 'alright', '...', '*phews*', 'miss'], ['well', 'must', 'pain', 'catch'], ['sorry', 'thangam.it', 'mistake'], ['need', '...', 'coz', 'never'], ['rose', 'red', 'red', 'blood', 'blood', 'heart', 'heart', '...', 'send', 'ti', 'friends..', 'including', 'me..', 'like', 'me..', 'get', 'back', '1-u', 'poor', 'relation', '2-u', 'need', 'support', '3-u', 'frnd', 'many', '4-some1', 'luvs', '5+-', 'some1', 'praying', 'god', 'marry', 'try', '...'], ['wife.how', 'knew', 'time', 'murder', 'exactly'], ['six', 'chance', 'win', 'cash', '100', '20,000', 'pound', 'txt', 'csh11', 'send', '87575', 'cost', '150p/day', '6days', '16+', 'tsandcs', 'apply', 'reply', 'info'], ['cash-balance', 'currently', '500', 'pound', 'maximize', 'cash-in', 'send', 'collect', '83600', '150p/msg', '08718720201', 'box', '114/14', 'tcr/w1'], ['feel', 'like', 'dick', 'keep', 'sleeping', 'text', 'facebook', 'message', 'sup', 'town'], ['plm', 'come', 'way'], ['guess', 'want', 'alone', 'time', 'could', 'show', 'watch', 'do..'], ['height', 'recycling', 'read', 'twice-', 'people', 'spend', 'time', 'earning', 'money', 'money', 'spent', 'spending', 'time', 'good', 'morning..', 'keep', 'smiling'], ['yup', 'comin'], ['yes', 'princess', 'toledo'], ['aight', 'text', "'re", 'back', "'ll", 'swing', 'need', 'somebody', 'get', 'door'], ['ron', 'say', 'fri', 'leh', 'said', 'ding', 'tai', 'feng', 'cant', 'make', 'reservation', 'said', 'wait', 'lor'], ['good', 'swimsuit', 'allowed'], ['okay', 'soon', 'best'], ['cute', 'thought', 'friendship', 'necessary', 'share', 'every', 'secret', 'close', 'frnd', 'watever', 'shared', 'true', '...'], ["'ve", 'sent', 'latest', 'version', 'project'], ['good', 'morning', 'dear', '...', '...', '...', 'great', 'amp', 'successful', 'day'], ['pls', 'accept', 'one', 'day', 'begging', 'change', 'number'], ['squeeeeeze', 'christmas', 'hug..', 'lik', 'frndshp', 'den', 'hug', 'back..', 'get', 'cute', 'luvd', 'lucky', 'none', 'people', 'hate'], ['anybody', 'asks', 'abt', 'tel', 'them..'], ['funny', 'fact', 'nobody', 'teach', 'volcano', 'erupt', 'tsunami', 'arise', 'hurricane', 'sway', 'aroundn', 'teach', 'choose', 'wife', 'natural', 'disaster', 'happens'], ['gon', 'ring', 'weekend', 'wot'], ['also', 'track', 'lighter', 'find'], ['sorry', "n't", 'help'], ['babe', 'need', 'advice'], ['leave', 'around', 'four'], ['come', 'medical', 'college', '7pm', '...', '...', 'forward'], ['k..its', 'good', 'going'], ['make', 'lasagna', '...', 'vodka', '...'], ['kate', 'give', 'ring', 'asap', 'xxx'], ['people', 'tour', 'thought', 'sofa', 'thing', 'sent', 'curious', 'sugar'], ['told', 'going', 'got', 'drunk'], ['fucking', 'chickened', 'messaged', 'would', 'late', 'woould', 'buzz', "n't", 'hear', 'word'], ['congratulation', 'thanks', 'good', 'friend', '£2,000', 'xmas', 'prize', 'claim', 'easy', 'call', '08718726978', '10p', 'per', 'minute', 'bt-national-rate'], ['always', 'looking', 'excuse', 'city'], ['yup', 'still', 'coffee', 'wif', 'frens', '...', 'fren', 'drove', "'ll", 'give', 'lift', '...'], ['shore', 'takin', 'bus'], ['gon', 'get', 'deus'], ['send', 'email', 'mind', 'time', 'per', 'night'], ['7732584351', 'want', 'new', 'nokia', '3510i', 'colour', 'phone', 'deliveredtomorrow', '300', 'free', 'minute', 'mobile', '100', 'free', 'text', 'free', 'camcorder', 'reply', 'call', '08000930705'], ['tap', 'spile', 'seven', 'pub', 'gas', 'broad', 'canal'], ['come', 'pick', 'engin'], ['never', 'wanted', 'tell', 'short', 'on-edge', 'late'], ['raviyog', 'peripheral', 'bhayandar', 'east'], ['actually', 'guy', 'meet', 'sunoco', 'howard', 'right', 'way'], ['new', 'voicemail', 'please', 'call', '08719181513'], ['moon', 'come', 'color', 'dream', 'star', 'make', 'musical', 'sm', 'give', 'warm', 'peaceful', 'sleep', 'good', 'night'], ['finished', 'eating', 'got', 'plate', 'leftover', 'time'], ['thanx', 'lot', '...'], ['hurry', 'home', 'big', 'butt', 'hang', 'last', 'caller', 'food', 'done', 'starving', "n't", 'ask', 'cooked'], ['lol', 'right', 'diet', 'everyday', 'cheat', 'anyway', 'meant', 'fatty'], ['great', 'day', 'beautiful', 'one'], ['happened', 'interview'], ['solve', 'case', 'man', 'wa', 'found', 'murdered', 'decimal', 'afternoon', 'wife', 'called', 'police', 'police', 'questioned', 'everyone', 'wife', 'sir', 'sleeping', 'murder', 'took', 'place', '4.cook', 'cooking', '5.gardener', 'picking', 'vegetable', '6.house-maid', 'went', 'post', 'office', '7.children', 'went', 'play', '8.neighbour', 'went', 'marriage', 'police', 'arrested', 'murderer', 'immediately', 'reply', 'reason', 'brilliant'], ['badrith', 'chennai', 'surely', 'pick', 'competition'], ['tot', 'group', 'mate', '...', 'lucky', 'havent', 'reply', '...', 'wat', 'time', 'need', 'leave', '...'], ['hey', 'around', "'ve", 'got', 'enough', 'half', 'ten', 'owe'], ['hey', 'tmr', 'maybe', 'meet', 'yck'], ['alrite', 'sam', 'nic', 'checkin', 'number-so', 't.b*'], ['making', 'easy', 'pay', 'back', 'yr', 'say', 'pay', 'back', 'earlier', 'get'], ['worry', 'sure', "'ll", 'get'], ['gas', 'station', 'like', 'block', 'away', 'house', "'ll", 'drive', 'right', 'since', 'armenia', 'end', 'swann', 'take', 'howard'], ['someone', 'know', 'asked', 'dating', 'service', 'contact', 'cant', 'guess', 'call', '09058097189', 'revealed', 'pobox', 'ls15hb', '150p'], ['camera', 'awarded', 'sipix', 'digital', 'camera', 'call', '09061221066', 'fromm', 'landline', 'delivery', 'within', 'day'], ['tuition', '330', '1120', '1205', 'one', 'mind'], ['smoking', 'people', 'use', 'wylie', 'smoke', 'much', 'justify', 'ruining', 'shit'], ['dear', 'good', 'morning', 'feeling', 'dear'], ['little', 'med', 'say', 'take', 'every', 'hour', 'pain', 'back', 'took', 'another', 'hope', "n't", 'die'], ['beautiful', 'tomorrow', 'never', 'comes..', 'come', 'already', 'today..', 'hunt', 'beautiful', 'tomorrow', "n't", 'waste', 'wonderful', 'today..', 'goodmorning'], ['dunno', 'lei', 'decide', 'lor', 'abt', 'leona', 'oops', 'tot', 'ben', 'going', 'msg'], ['moved', 'in2', 'pub', 'would', 'great', 'cud', 'come'], ['today', 'voda', 'number', 'ending', '5226', 'selected', 'receive', '350', 'award', 'hava', 'match', 'please', 'call', '08712300220', 'quoting', 'claim', 'code', '1131', 'standard', 'rate', 'app'], ['message', 'free', 'welcome', 'new', 'improved', 'sex', 'dogging', 'club', 'unsubscribe', 'service', 'reply', 'stop', 'msg', '150p'], ['honeybee', 'said', 'sweetest', 'world*', 'god', 'laughed', 'amp', 'said', '*wait', 'havnt', 'met', 'person', 'reading', 'msg*', 'moral', 'even', 'god', 'crack', 'joke', 'gm+gn+ge+gn'], ['ever', 'easier'], ['rct', 'thnq', 'adrian', 'text', 'rgds', 'vatian'], ['stop', 'calling', 'everyone', 'saying', 'might', 'cancer', 'throat', 'hurt', 'talk', "n't", 'answering', 'everyones', 'call', 'get', 'one', 'call', 'babysitting', 'monday'], ["'ll", 'tough', "'ll"], ['gonnamissu', 'much', 'would', 'say', 'send', 'postcard', 'buttheres', 'aboutas', 'much', 'chance', 'merememberin', 'asthere', 'ofsi', 'breakin', 'contract', 'luv', 'yaxx'], ['msg', 'poortiyagi', 'odalebeku', 'hanumanji', 'name', '1-hanuman', '2-bajarangabali', '3-maruti', '4-pavanaputra', '5-sankatmochan', '6-ramaduth', '7-mahaveer', 'name', 'janarige', 'ivatte', 'kalisidare', 'next', 'saturday', 'olage', 'ondu', 'good', 'news', 'keluviri', '...', 'maretare', 'inde', 'dodda', 'problum', 'nalli', 'siguviri', 'idu', 'matra', 'true..', "n't", 'neglet'], ['darlin', 'finish', 'pick', 'meet', 'text', 'back', 'number', 'luv', 'kate', 'xxx'], ['set', 'place', 'heart', 'mind', 'mind', 'easily', 'forgets', 'heart', 'always', 'remember', 'wish', 'happy', 'valentine', 'day'], ['surprised', 'still', 'guess', 'right', 'lor', '...'], ['okie', 'wan', 'meet', 'bishan', 'co', 'bishan', 'driving', 'today'], ['first', 'time', 'use', 'type', 'word'], ['darlin', 'wa', 'work', 'get', 'trouble', 'ijust', 'talked', 'mum', 'morning', 'really', 'good', 'time', 'last', 'night', 'goin', 'soon', 'call'], ['know', 'serving', 'mean'], ['huh', '...', 'hyde', 'park', 'mel', 'opps', 'got', 'confused', '...', 'anyway', 'best', 'choice', 'den', 'juz', 'take', '...'], ['gei', 'happend', 'tron', 'maybe', 'ill'], ['free', 'message', 'activate', '500', 'free', 'text', 'message', 'replying', 'message', 'word', 'free', 'term', 'condition', 'visit', 'www.07781482378.com'], ['know', 'girl', 'always', 'safe', 'selfish', 'know', 'got', 'thank', 'good', 'night'], ['worry', 'hope', 'photo', 'shoot', 'went', 'well', 'spiffing', 'fun', 'workage'], ['freezing', 'craving', 'ice', 'fml'], ['kay', '...', 'since', 'already'], ['sorry', 'leh', '...', 'din', 'msg', 'sad', 'already', 'lar', 'watching', 'still', 'office'], ['right', 'work'], ['darlin', 'supose', 'worry', 'much.i', 'film', 'stuff', 'mate', 'babysit', 'call', 'there.xx'], ['said', 'mind', 'bedroom', 'minute', "''ok", 'sed', 'sexy', 'mood', 'came', 'minuts', 'latr', 'wid', 'cake', '...', 'wife'], ['wake', 'since', 'checked', 'stuff', 'saw', 'true', 'available', 'space', 'pls', 'call', 'embassy', 'send', 'mail'], ['nope', '...', 'juz', 'work', '...'], ['huh', 'fast', '...', 'dat', 'mean', 'havent', 'finished', 'painting'], ['number', 'live'], ['put', 'party', 'day', 'week', 'study', 'lightly', 'think', 'need', 'draw', 'custom', 'checkboxes', 'know', "'re", 'hardcore'], ['sac', 'score', 'big', 'hundred.he', 'set', 'batsman'], ['send', 'yetty', 'number', 'pls'], ['much', 'cost', 'approx', 'per', 'month'], ['...', 'theory', 'test', 'going', 'book', 'think', 'may', 'coz', 'thought', 'wan', 'jiayin', 'isnt', 'free'], ['contacted', 'dating', 'service', 'someone', 'know', 'find', 'call', 'land', 'line', '09050000928', 'pobox45w2tg150p'], ['fine', 'give', 'call', 'know', 'want', 'question'], ['sorry', 'got', 'late', 'start', "'re", 'way'], ['back', 'urself', 'lor', '...'], ['gas', 'station'], ['bored', 'come', 'home..'], ['babe', 'love', '*covers', 'face', 'kisses*'], ['like', 'made', 'throw', 'smoking', 'friend', 'car', 'one', 'time', 'awesome'], ['still', 'checked'], ['walmart', 'i.ll', 'stay'], ["n't", 'forgotten', 'might', 'couple', 'buck', 'send', 'tomorrow', 'love'], ['great', 'i.ll', 'disturb', 'talk'], ['reverse', 'cheating', 'mathematics'], ["'re", 'welcome', '...', 'caught', 'using', 'broken', 'english', '...'], ['problem', 'baby', 'good', 'time', 'talk', 'called', 'left', 'message'], ['sorry', "'ll", 'call', 'later'], ['brand'], ['sorry', 'cant', 'take', 'call', 'right', 'happens', '2waxsto', 'wat', 'want', 'come', 'ill', 'get', 'medical', 'insurance', "'ll", 'able', 'deliver', 'basic', 'care', 'currently', 'shopping', 'right', 'medical', 'insurance', 'give', 'til', 'friday', 'morning', 'thats', 'i.ll', 'see', 'major', 'person', 'guide', 'right', 'insurance'], ['time', 'coming'], ['call', 'say', 'coming', 'today', 'tell', 'fool', 'like'], ['emailed', 'yifeng', 'part', 'oredi..', 'get', 'him..'], ['sure', "'ll", 'understand', 'wine', 'good', 'idea', 'slurp'], ['minimum', 'walk', '3miles', 'day'], ['problem', 'get', 'taxi', 'ing', 'tomorrow', 'tuesday', 'tuesday', 'think', 'going', 'cinema'], ['brainless', 'baby', 'doll..', 'vehicle', 'sariyag', 'drive', 'madoke', 'barolla..'], ["n't", 'run', 'away', 'frm', '...', 'walk', 'slowly', 'amp', 'kill', "n't", 'care', 'enough', 'stop', '...'], ['sorry', 'missed', 'call', 'let', 'talk', 'time', '07090201529'], ['please', 'attend', 'phone'], ['hate', 'call', 'didnt', 'accept', 'even', 'single', 'call', 'mine', 'even', 'messaged'], ['message', 'phone', 'holding'], ['...', 'free', '...'], ['trip', 'got', 'postponed', 'still', 'stocked'], ['sorry', "'ll", 'call', 'later'], ['waiting', 'call', 'sir'], ['hey', 'reply', 'pa..'], ['hey', 'elaine', 'today', 'meeting', 'still'], ['sorry', "'ve", 'gone', 'place', 'i.ll', 'tomorrow', 'really', 'sorry'], ['tiime', "n't", 'let', 'hug', "n't", 'break', 'tear'], ['tomorrow', 'going', 'theatre', 'come', 'wherever', 'call', 'tell', 'come', 'tomorrow'], ['electricity', 'went', 'fml'], ['look', 'like', 'found', 'something', 'smoke', 'great', 'job'], ['also', 'andros', 'ice', 'etc', 'etc'], [], ['good', 'afternon', 'love', 'today', 'hope', 'good', 'maybe', 'interview', 'wake', 'miss', 'babe', 'passionate', 'kiss', 'across', 'sea'], ['yup', 'wun', 'believe', 'wat', 'really', 'neva', 'msg', 'sent', 'shuhui'], ['hows', 'watch', 'resizing'], ['dear', 'umma', 'called'], ['finished', 'missing', 'plenty'], ['complimentary', 'star', 'ibiza', 'holiday', '£10,000', 'cash', 'need', 'urgent', 'collection', '09066364349', 'landline', 'lose', 'box434sk38wp150ppm18+'], ['well', 'meant', 'opposed', 'drunken', 'night'], ['...', 'must', 'book', 'huh', 'going', 'yoga', 'basic', 'sunday'], ['free', 'msg', 'billed', 'mobile', 'number', 'mistake', 'shortcode', '83332.please', 'call', '08081263000', 'charge', 'refunded.this', 'call', 'free', 'landline'], ['...'], ['oops', 'mum', 'somerset', '...', 'bit', 'far', 'back', 'tomo', 'see', 'soon'], ['workin', 'overtime', 'nigpun'], ['kallis', 'dismissial', '2nd', 'test'], ['guess', 'got', 'screwd'], ['please', 'call', '08712402972', 'immediately', 'urgent', 'message', 'waiting'], ['meeting', 'call', 'later'], ['cooking', 'dinner'], ['thanx', '...'], ['bull', 'plan', 'floating', 'ikea', 'without', 'care', 'world', 'live', 'mess', 'another', 'day'], ['buy'], ['urgent', 'mobile', 'number', 'awarded', '£2000', 'bonus', 'caller', 'prize', 'call', '09058095201', 'land', 'line', 'valid', '12hrs'], ['heehee', 'funny', 'tho'], ['simple', 'arithmetic', 'percentage'], ['yeah', 'would', "n't", 'leave', 'hour', 'least', 'sound'], ['valued', 'customer', 'pleased', 'advise', 'following', 'recent', 'review', 'mob', 'awarded', '£1500', 'bonus', 'prize', 'call', '09066364589'], ['thanks', 'honey', 'great', 'day'], ["'an", 'amazing', 'quote', 'sometimes', 'life', 'difficult', 'decide', 'whats', 'wrong', 'lie', 'brings', 'smile', 'truth', 'brings', 'tear', '...'], ['good', 'night', 'dear..', 'sleepwell', 'amp', 'take', 'care'], ['ask', 'dad', 'pick', 'lar', '...', 'wan', 'stay', 'meh', '...'], ['jus', 'chillaxin'], ['hey', 'da', 'cool', '...', 'iknow', 'wellda', 'peril', 'studentfinancial', 'crisis', 'spk', 'l8r'], ['beautiful', 'truth', 'gravity..', 'read', 'carefully', 'heart', 'feel', 'light', 'someone', 'it..', 'feel', 'heavy', 'someone', 'leaf', 'it..', 'goodmorning'], ['want', 'new', 'nokia', '3510i', 'colour', 'phone', 'deliveredtomorrow', '300', 'free', 'minute', 'mobile', '100', 'free', 'text', 'free', 'camcorder', 'reply', 'call', '08000930705'], ['whats', 'coming', 'hill', '...', 'monster', 'hope', 'great', 'day', 'thing', 'going', 'fine', 'busy', 'though'], ['joy', 'father', 'john', 'john', '____', 'joy', 'father', 'th', 'hav', 'ti', 'ia', 'question', 'try', 'answer'], ['ill', 'obey'], ['didnt', 'search', 'online', 'let', 'know'], ['need', 'get'], ['pic', 'please', 're-send'], ['remains', 'bro', 'amongst', 'bros'], ['uhhhhrmm', 'isnt', 'test', 'bad', 'youre', 'sick'], ['haf', 'enuff', 'space', 'got', 'like', '...'], ['life', 'never', 'much', 'fun', 'great', 'came', 'made', 'truly', 'special', "n't", 'forget', 'enjoy', 'one', 'gbp/sms'], ['want', 'new', 'video', 'phone', '600', 'anytime', 'network', 'min', '400', 'inclusive', 'video', 'call', 'downloads', 'per', 'week', 'free', 'deltomorrow', 'call', '08002888812', 'reply'], ['valued', 'customer', 'pleased', 'advise', 'following', 'recent', 'review', 'mob', 'awarded', '£1500', 'bonus', 'prize', 'call', '09066368470'], ['welcome', 'please', 'reply', 'age', 'gender', 'begin', 'e.g', '24m'], ['freemsg', '1-month', 'unlimited', 'free', 'call', 'activate', 'smartcall', 'txt', 'call', '68866', 'subscriptn3gbp/wk', 'unlimited', 'call', 'help', '08448714184', 'stop', 'txt', 'stop', 'landlineonly'], ['mobile', 'mths', 'update', 'latest', 'orange', 'camera/video', 'phone', 'free', 'save', 'free', 'texts/weekend', 'call', 'text', 'yes', 'callback', 'orno', 'opt'], ['new', 'club', 'dont', 'fink', 'met', 'yet', 'gr8', 'please', 'leave', 'msg', '2day', 'wiv', 'area', '09099726553', 'reply', 'promised', 'carlie', 'calls£1/minmobsmore', 'lkpobox177hp51fl'], ['true', 'easier'], ['sure', 'since', 'parent', 'working', 'tuesday', "n't", 'really', 'need', 'cover', 'story'], ['haha', 'okay', '...', 'today', 'weekend', 'leh', '...'], ['darlin', 'youphone', 'athome', 'youwanna', 'chat'], ["n't", 'know', 'jack', 'shit', 'anything', 'say/ask', 'something', 'helpful', 'want', 'pretend', 'text', 'whatever', 'response', 'hypotheticalhuagauahahuagahyuhagga'], ["'ve", 'always', 'brainy', 'one'], ['yeah', 'get', 'random', 'dude', 'need', 'change', 'info', 'sheet', 'party', 'never', 'study', 'safe'], ['camera', 'awarded', 'sipix', 'digital', 'camera', 'call', '09061221066', 'fromm', 'landline', 'delivery', 'within', 'day'], ['christmas', 'occasion', 'celebrated', 'reflection', '...', 'value', '...', 'desire', '...', 'affection', '...', 'amp', 'tradition', '...', 'ideal', 'christmas', '...'], ['sending', 'greeting', 'joy', 'happiness', 'gr8', 'evening'], ['darlin', 'cantdo', 'anythingtomorrow', 'myparents', 'aretaking', 'outfor', 'meal', 'free', 'katexxx'], ['india', 'win', 'level', 'series', 'mean', 'record'], ['plan'], ['good', 'hear'], ['awesome', 'deal', 'gate', 'charles', 'told', 'last', 'night', 'yeah'], ['time', 'thinkin', 'goin'], ['get', 'free', 'mobile', 'video', 'player', 'free', 'movie', 'collect', 'text', '89105', 'free', 'extra', 'film', 'ordered', 'apply', 'yr'], ['save', 'money', 'wedding', 'lingerie', 'www.bridal.petticoatdreams.co.uk', 'choose', 'superb', 'selection', 'national', 'delivery', 'brought', 'weddingfriend'], ['board', 'working', 'fine', 'issue', 'overheating', 'also', 'reslove', 'still', 'software', 'inst', 'pending', 'come', 'around', "8'o", 'clock'], ['yes', "n't", 'care', 'cause', 'know'], ['wiskey', 'brandy', 'rum', 'gin', 'beer', 'vodka', 'scotch', 'shampain', 'wine', 'kudi', 'yarasu', 'dhina', 'vaazhthukkal'], ['mon', 'okie', 'lor', '...', 'haha', 'best', 'cheap', 'food', 'oso', 'okie', '...', 'depends', 'whether', 'wana', 'eat', 'western', 'chinese', 'food', '...', 'den', 'prefer', '...'], ['sitting', 'ard', 'nothing', 'lor', 'leh', 'busy', 'work'], ['send', 'home', 'sale'], ['sorry', 'mail'], ['telling', 'abt', 'tht', 'incident..'], ['yes', 'outside', 'like', 'hour', 'called', 'whole', 'family', 'wake', 'cause', 'started'], ['ugh', 'got', 'outta', 'class'], ['nowadays', 'people', 'notixiquating', 'laxinorficated', 'opportunity', 'bambling', 'entropication', '...', 'ever', 'oblisingately', 'opted', 'book', 'masteriastering', 'amplikater', 'fidalfication', 'champlaxigating', 'think', 'atrocious..', 'wotz', 'opinion', 'junna'], ['dont', 'file', 'bag..i', 'work', 'called', 'me.i', "'ll", 'tell', 'find', 'anything', 'room'], ['need', 'lar', 'jus', 'testing', 'phone', 'card', 'dunno', 'network', 'thk', 'waiting', 'si', 'finish', 'bathing', 'bathe', 'dun', 'disturb', 'liao', 'cleaning', 'room'], ['ok.', 'i.ll', 'right', 'later'], ['friendship', 'poem', 'dear', 'dear', 'near', 'hear', 'dont', 'get', 'fear', 'live', 'cheer', 'tear', 'always', 'dear', 'gud', 'ni8'], ['lunch', 'come', 'quickly', 'open', 'door'], ['heard', 'call', 'night', 'knickers', 'make', 'beg', 'like', 'last', 'time', '01223585236', 'luv', 'nikiyu4.net'], ['back', 'bit', 'long', 'co', 'accident', 'a30', 'divert', 'via', 'wadebridge.i', 'brilliant', 'weekend', 'thanks', 'speak', 'soon', 'lot', 'love'], ['k..', 'yan', 'jiu', 'liao', '...', 'sat', 'bugis', 'vill', 'one', 'frm', 'den', 'hop', 'parco', 'sun', 'cine', 'frm', '1030', 'den', 'hop', 'orc', 'mrt', 'hip', 'hop', '...'], ['bloomberg', '-message', 'center', '+447797706009', 'wait', 'apply', 'future', 'http', '//careers', 'bloomberg.com'], ['seeking', 'lady', 'street', 'freak', 'sheet'], ['phone'], ['haha', 'figure', 'well', 'found', 'piece', 'priscilla', 'bowl'], ['actually', 'fuck', 'whatever', 'find', 'excuse', 'tampa', 'point', 'january', 'though'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£800', 'prize', 'guaranteed', 'call', '09050001808', 'land', 'line', 'claim', 'm95', 'valid12hrs'], ['yay', 'finally', 'lol', 'missed', 'cinema', 'trip', 'last', 'week'], ['day', 'working', 'day', 'except', 'saturday', 'sunday..'], ['aathi..where', 'dear..'], ['heart', 'empty', 'without', 'love..', 'mind', 'empty', 'without', 'wisdom..', 'eye', 'empty', 'without', 'dream', 'amp', 'life', 'empty', 'without', 'frnds..', 'alwys', 'touch', 'good', 'night', 'amp', 'sweet', 'dream'], ['think', 'waiting', 'bus', 'inform', 'get', 'ever', 'get'], ['getting', 'back', 'time', 'soon'], ['thing', 'quick', 'question'], ['night', 'ended', 'another', 'day', 'morning', 'come', 'special', 'way', 'may', 'smile', 'like', 'sunny', 'ray', 'leaf', 'worry', 'blue', 'blue', 'bay', 'gud', 'mrng'], ['probably', 'come', 'everybody', 'done', 'around', 'right'], ['got', 'new', 'year', 'co', 'yetunde', 'said', 'wanted', 'surprise', 'didnt', 'see', 'money', 'returned', 'mid', 'january', 'day', 'return', 'period', 'ended'], ['ask', 'around', 'lot', 'term', 'mids'], ['sure', 'check', 'yahoo', 'email', 'sent', 'photo', 'yesterday'], ['looking'], ['wherre', 'boytoy'], ['want', 'new', 'video', 'phone750', 'anytime', 'network', 'min', '150', 'text', 'five', 'pound', 'per', 'week', 'call', '08000776320', 'reply', 'delivery', 'tomorrow'], ['hello', 'love', 'go', 'day', 'wish', 'well', 'fine', 'babe', 'hope', 'find', 'job', 'prospect', 'miss', 'boytoy', '...', 'teasing', 'kiss*'], ['tell', 'bad', 'character', 'dnt', 'lik', "'ll", 'try', 'change', 'add', 'tat', 'new', 'year', 'resolution', 'waiting', 'reply.be', 'frank', '...', 'good', 'morning'], ['got', 'rumour', 'going', 'buy', 'apartment', 'chennai'], ['yeah', 'probably', 'earlier'], ['change', 'window', 'logoff', 'sound..'], ['still', 'checked'], ['also', 'came', 'room'], ['huh', 'got', 'lesson', 'lei', 'thinkin', 'going', 'sch', 'earlier', 'tot', 'parkin', 'kent', 'vale', '...'], [], ['reach', 'office', 'around', 'decimal', 'amp', 'mobile', 'problem', "n't", 'get', 'voice', 'call', 'asa', "'ll", 'free'], ['cool', 'text', 'head'], ['contacted', 'dating', 'service', 'someone', 'know', 'find', 'call', 'land', 'line', '09050000878', 'pobox45w2tg150p'], ['wan2', 'win', 'meet+greet', 'westlife', 'currently', 'tour', 'unbreakable', 'untamed', 'unkempt', 'text', '1,2', '83049', 'cost', '50p', '+std', 'text'], ['happy', 'birthday', '...', 'may', 'find', 'prince', 'charming', 'soon', 'dun', 'work', 'hard', '...'], ['grand', 'bit', 'party', "n't", 'mention', 'cover', 'charge', 'probably', 'first', 'come', 'first', 'served'], ['said', 'went', 'back', 'bed', "n't", 'sleep', 'anything'], ['hope', 'arnt', 'pissed', 'would', 'really', 'like', 'see', 'tomorrow', 'love', 'xxxxxxxxxxxxxx'], ['dorothy', 'kiefer.com', 'bank', 'granite', 'issue', 'strong-buy', 'explosive', 'pick', 'member', '*****up', '300', '***********', 'nasdaq', 'symbol', 'cdgt', '5.00', 'per..'], ['say', 'year', 'old', 'man', 'money', 'last', 'still', 'waiting', 'check'], ['come', 'home'], ['free', 'day', 'finish', 'mon', 'thurs', '...'], ['food'], ['life', 'alle', 'mone', 'eppolum', 'oru', 'pole', 'allalo'], ['nite', '...'], ['two', 'fundamental', 'cool', 'life', 'walk', 'like', 'king', '...', 'walk', 'like', 'dont', 'care', 'whoever', 'king', '...', 'gud', 'nyt'], ['camera', 'quite', 'good', '10.1mega', 'pixel', '3optical', '5digital', 'doom', 'lovely', 'holiday', 'safe', 'hope', 'hav', 'good', 'journey', 'happy', 'new', 'year', 'see', 'couple', 'week'], ['petey', 'noi\x92m', 'wanted', 'chat', 'coz', 'avent', 'spoken', 'long', 'time-hope', 'doin', 'alrite.have', 'good', 'nit', 'love', 'am.x'], ['saw', 'ron', 'burgundy', 'captaining', 'party', 'boat', 'yeah'], ['serious', 'money', 'base'], ['already', 'one', 'guy', 'loving'], ['staff', 'placement', 'training', 'amrita', 'college'], ['always', 'chat', 'fact', 'need', 'money', 'raise'], ['job', 'profile', 'seems', 'like', 'bpo..'], ['well', 'give', 'co', 'said', 'one', 'nighters', 'persevered', 'found', 'one', 'cheap', 'apologise', 'advance', 'somewhere', 'sleep', 'isnt'], ['think', 'actually', 'talk', 'call', 'bos', 'morning', 'went', 'place', 'last', 'year', 'told', 'could', 'get', 'car', 'fixed', 'cheaper', 'kept', 'telling', 'today', 'much', 'hoped', 'would', 'come', 'back', 'always', 'regretted', 'getting', 'number', 'etc'], ['willing', 'apps', 'class'], ['hanging', 'brother', 'family'], ['reach', 'telling', 'dont', 'know'], ['hey', '...', 'going', 'quit', 'soon', 'xuhui', 'working', 'till', 'end', 'month'], ['sorry', 'bout', 'last', 'nite', 'wasn\x92t', 'fault', 'spouse', 'pmt', 'sumthin', '4give', 'think', 'shldxxxx'], ['try', 'neva', 'mate'], ['yeah', 'pretty', 'much', 'best', 'case', 'scenario'], ['free', 'today', 'haf', 'pick', 'parent', 'tonite', '...'], ['hey', 'babe', 'far', 'spun-out', 'spk', '...', 'dead', 'wrld', 'sleeping', 'sofa', 'day', 'cool', 'nytho', 'fonin', 'hon', 'call', '2mwen', 'frmcloud'], ['send', 'naughty', 'pix'], ['£1000', 'winner', 'guaranteed', 'caller', 'prize', 'final', 'attempt', 'contact', 'claim', 'call', '09071517866', '150ppmpobox10183bhamb64xe'], ['xmas', 'new', 'year', 'eve', 'ticket', 'sale', 'club', 'day', '10am', 'till', '8pm', 'thurs', 'fri', 'sat', 'night', 'week', "'re", 'selling', 'fast'], ['tyler', 'getting', '8th', 'leave', 'long', 'get', 'like', 'hour'], ['prepare', 'pounded', 'every', 'night', '...'], ['actually', 'mobile', 'full', 'msg', 'work', 'online', 'need', 'send', 'sent', 'msg', 'wil', 'explain', 'later'], ['sorry', "'ll", 'call', 'later'], ['good', 'evening'], ['home', 'please', 'call'], ['oic', 'co', 'si', 'got', 'lunch', 'today', 'dad', 'went', '...', 'dunno', 'whether', 'eat', 'sch', 'wat', '...'], ['mmmmm', '...', 'sooooo', 'good', 'wake', 'word', 'morning', 'love', 'mmmm', 'fuck', '...', 'love', 'lion', '...', '*devouring', 'kiss', 'across', 'sea*'], ['pleased', 'inform', 'application', 'airtel', 'broadband', 'processed', 'successfully', 'installation', 'happen', 'within', 'day'], ['happen', 'dear', 'silent', 'tensed'], ["'ll", 'get', 'unless', 'guy', 'want', 'come', 'time', 'sooner'], ['coughing', 'nothing'], ['come', 'pas', 'lar'], ['person', 'sm', 'survey', '...'], ['lol', 'ill', 'try', 'send', 'warned', 'sprint', 'dead', 'slow', "'ll", 'prolly', 'get', 'tomorrow'], ['thank', 'meet', 'monday'], ['gower', 'mate', 'man', 'good', 'wale', 'ill', 'back', '\x91morrow', 'wa', 'msg', 'random'], ['rock', 'chik', 'get', '100', 'filthy', 'film', 'xxx', 'pic', 'phone', 'rply', 'filth', '69669', 'saristar', 'ltd', 'e14', '9yt', '08701752560', '450p', 'per', 'day', 'stop2', 'cancel'], ['single', 'line', 'big', 'meaning', 'miss', 'anything', 'best', 'life', "n't", 'miss', 'best', 'life', 'anything', '...', 'gud', 'nyt', '...'], ['got', 'like', 'get', 'later', 'though', 'get', 'whatever', 'feel', 'like'], ['dad', 'wanted', 'talk', 'apartment', 'got', 'late', 'start', 'omw'], ['love'], ['lol', 'still', 'feeling', 'sick'], ['din', 'tell', 'jus', '420'], ['eye', 'philosophy'], ['next', 'month', 'get', 'upto', 'call', 'standard', 'network', 'charge', 'activate', 'call', '9061100010', 'wire3.net', '1st4terms', 'pobox84', 'm26', '3uz', 'cost', '£1.50', 'min', 'mobcudb'], ['lor', 'town', 'lei'], ['already..sabarish', 'asked', 'go..'], ['vijay', 'going', 'talk', 'jaya'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£800', 'prize', 'guaranteed', 'call', '09050000460', 'land', 'line', 'claim', 'j89', 'box245c2150pm'], ['lol', 'know', 'hey', 'someone', 'great', 'inpersonation', 'flea', 'forum', 'love'], ['text', 'banneduk', '89555', 'see', 'cost', '150p', 'textoperator', 'g696ga', '18+', 'xxx'], ['still', 'chance', 'search', 'hard', 'get', 'it..let', 'try'], ['auction', 'round', 'highest', 'bid', '£54', 'next', 'maximum', 'bid', '£71', 'bid', 'send', 'bid', 'bid', '£10', '83383', 'good', 'luck'], ['always', 'celebrate', 'family'], ['know', 'taj', 'mahal', 'symbol', 'love', 'lesser', 'known', 'fact', 'mumtaz', 'shahjahan', '4th', 'wife', 'wife', 'shahjahan', 'killed', 'mumtaz', 'husband', 'marry', 'mumtaz', 'died', 'delivery', 'married', 'mumtaz', 'sister', 'question', 'arises', 'hell', 'love', '-the', 'great', 'hari-'], ['ok..come', 'home', 'nice', 'meet', 'chat..'], ['collect', 'valentine', 'weekend', 'paris', 'inc', 'flight', 'hotel', '£200', 'prize', 'guaranteed', 'text', 'paris', '69101.', 'www.rtf.sphosting.com'], ['sent', 'webadres', 'geting', 'salary', 'slip'], ['fine', 'sends', 'greeting'], ['customer', 'loyalty', 'offer', 'new', 'nokia6650', 'mobile', '£10', 'txtauction', 'txt', 'word', 'start', '81151', 'get', 'ctxt', '150p/mtmsg'], ['dint', 'touch'], ['yup', 'leaving', 'right', 'back', 'soon'], ["n't", 'believe', 'true', 'incredible', 'txts', 'reply', 'learn', 'truly', 'amazing', 'thing', 'blow', 'mind', 'o2fwd', '18p/txt'], ['yeah', 'sure', "'ll", 'leave', 'min'], ['one', 'teach', 'ship', 'car'], ['sign', 'maturity', 'start', 'saying', 'big', 'things..', 'actually', 'start', 'understanding', 'small', 'thing', '...', '*have', 'nice', 'evening*', 'bslvyl'], ['yeah', 'confirmed', 'staying', 'weekend'], ['said', 'dun', 'haf', 'passport', 'smth', 'like', 'dat..', 'juz', 'send', 'email', 'account..'], ['multiply', 'number', 'independently', 'count', 'decimal', 'point', 'division', 'push', 'decimal', 'place', 'like', 'showed'], ['lovely', 'night', 'wake', 'see', 'message', 'hope', 'smile', 'knowing', 'great', 'morning'], ['ard', 'lor', '...'], ['right', 'meanwhile', 'project', 'twin', 'comin'], ['sent', 'maga', 'money', 'yesterday'], ['07734396839', 'ibh', 'customer', 'loyalty', 'offer', 'new', 'nokia6600', 'mobile', '£10', 'txtauction', 'txt', 'word', 'start', 'no:81151', 'get'], ['heart', 'empty', 'without', 'love..', 'mind', 'empty', 'without', 'wisdom..', 'eye', 'empty', 'without', 'dream', 'amp', 'life', 'empty', 'without', 'frnds..', 'alwys', 'touch', 'good', 'night', 'amp', 'sweet', 'dream'], ['hot', 'horny', 'willing', 'live', 'local', 'text', 'reply', 'hear', 'strt', 'back', '150p', 'per', 'msg', 'netcollex', 'ltdhelpdesk', '02085076972', 'reply', 'stop', 'end'], ['ride', 'equally', 'uneventful', 'many', 'pesky', 'cyclist', 'around', 'time', 'night'], ['were/are', 'free', 'give', 'otherwise', 'nalla', 'adi', 'entey', 'nattil', 'kittum'], ["'ve", 'sent', 'wife', 'text', 'buy', "'ll", 'tell', 'relax', 'get', 'wkend'], ['escape', 'theatre', 'going', 'watch', 'kavalan', 'minute'], ['much', 'would', 'cost', 'hire', 'hitman'], ['anything', 'lor', '...'], ['sorry', "'ll", 'call', 'later'], ['want', 'new', 'nokia', '3510i', 'colour', 'phone', 'delivered', 'tomorrow', '200', 'free', 'minute', 'mobile', '100', 'free', 'text', 'free', 'camcorder', 'reply', 'call', '08000930705'], ['huh', 'cant', 'house', 'empty', 'handed', 'right'], ['good', 'morning', 'princess', 'happy', 'new', 'year'], ['congratulation', "'ve", "'re", 'winner', 'august', '£1000', 'prize', 'draw', 'call', '09066660100', 'prize', 'code', '2309'], ['aight', "'ll", 'head'], ['wat', 'busy', 'wif', 'work'], ['know', 'mood', 'today'], ['jay', 'told', 'already'], ['cps', 'causing', 'outage', 'conserve', 'energy'], ['sure', 'checking', 'happening', 'around', 'area'], ['hey', 'morning', 'come', 'ask', '...'], ['jordan', 'got', 'voted', 'last', 'nite'], ['mean', 'got', 'epi', 'she.s', 'fine', 'she.s'], ['idea'], ['pls', 'come', 'quick', 'cant', 'bare'], ['joy', 'father', 'john', 'john', '____', 'joy', 'father', 'th', 'hav', 'ti', 'ia', 'question', 'try', 'answer'], ['call', 'unable', 'cal', 'let', 'meet', 'bhaskar', 'deep'], ['i.ll', 'meet', 'library'], ['roommate', 'also', 'want', 'dubsack', 'another', 'friend', 'may', 'also', 'want', 'plan', 'bringing', 'extra', "'ll", 'tell', 'know', 'sure'], ['depends', 'individual', 'lor', 'hair', 'dresser', 'say', 'pretty', 'parent', 'say', 'look', 'gong', 'kaypoh..', 'also', 'dunno', 'wat', 'collecting'], [], ['enjoy', 'watching', 'playing', 'football', 'basketball', 'anything', 'outdoors'], ['please', 'ask', 'macho', 'price', 'range', 'want', 'something', 'new', 'used', 'plus', 'interfued', 'blackberry', 'bold'], ['sorry', 'sent', 'blank', 'msg', 'yup', 'trying', 'serious', 'studying'], ['hey', 'check', 'listed'], ['8007', '25p', 'alfie', 'moon', 'child', 'need', 'song', 'mob', 'tell', 'm8s', 'txt', 'tone', 'charity', '8007', 'nokias', 'poly', 'charity', 'polys', 'zed', '08701417012', 'profit', 'charity'], ['meant', 'apology', 'texting', 'get', 'drug', 'night'], ['mean', 'february', 'april', "'ll", 'getting', 'place', 'stay', "n't", 'hustle', 'back', 'forth', 'audition', 'season', 'since', 'sister', 'moved', 'away', 'harlem'], ['goin', 'workout', 'lor', '...', 'muz', 'lose', 'fat', '...'], ['damn', 'poor', 'zac', "n't", 'stand', 'chance'], ['message..no', 'responce..what', 'happend'], ['want', 'tel', 'one', 'thing', 'mistake', 'message', 'sent'], ['yeah', 'right', "'ll", 'bring', 'tape', 'measure', 'fri'], ['still', 'chance', 'search', 'hard', 'get', 'it..let', 'try'], ['meeting', 'work', 'tel', 'shall', 'work', 'tomorrow'], ['head', 'straight'], ['get', 'official', 'england', 'poly', 'ringtone', 'colour', 'flag', 'yer', 'mobile', 'tonight', 'game', 'text', 'tone', 'flag', '84199', 'optout', 'txt', 'eng', 'stop', 'box39822', 'w111wx', '£1.50'], ['thank', 'princess', 'sexy', '...'], ['oooh', 'got', 'plenty'], ['hui', 'xin', 'lib'], ['big', 'difference', 'versus', 'every', 'hr'], ['make', 'cry', 'stuff', 'happens', 'top', 'everything', 'else', 'push', 'edge', "n't", 'underdtand', 'often', 'cry', 'sorry', 'sorry', 'life'], ['babe', 'feel', 'let', '4get', 'it+both', 'try', '+cheer', 'up+not', 'fit', 'soo', 'muchxxlove', 'locaxx'], ['know', 'hook', 'mean', 'right'], ['customer', 'service', 'announcement', 'recently', 'tried', 'make', 'delivery', 'unable', 'please', 'call', '07090298926', 're-schedule', 'ref:9307622'], ['wat', 'model', 'num', 'phone'], ['really', 'skateboarding', 'despite', 'fact', 'get', 'thrown', 'wind', 'bandage', 'shit', 'arm', 'every', 'five', 'minute'], ['stop', 'club', 'tone', 'replying', 'stop', 'mix', 'see', 'my-tone.com/enjoy', 'html', 'term', 'club', 'tone', 'cost', 'gbp4.50/week', 'mfl', 'box', '1146', 'mk45', '2wt', '2/3'], ['house', 'sky', 'quite', 'dark', 'liao', '...', 'raining', 'got', 'excuse', 'run', 'already', 'rite', '...', 'hee', '...'], ['sorry', 'left', 'phone', 'upstairs', 'might', 'hectic', 'would', 'bird', 'one', 'fell', 'swoop', 'date'], ['thought', "n't", 'see'], ['wamma', 'get', 'laid', 'want', 'real', 'doggin', 'location', 'sent', 'direct', 'mobile', 'join', 'uk', 'largest', 'dogging', 'network', 'txt', 'dog', '69696', 'nyt', 'ec2a', '3lp', '£1.50/msg'], ['carlos', 'say', 'pick', 'later', 'yeah', "'re", 'set'], ['hey', 'babe', 'friend', 'cancel', 'still', 'visit'], ['per', 'request', "'maangalyam", 'alaipayuthe', 'set', 'callertune', 'caller', 'press', 'copy', 'friend', 'callertune'], ['hmm', 'ill', 'think', '...', "'re", 'forgiven'], ['hoping', 'get', 'away', 'langport', 'still', 'town', 'tonight'], ['want', 'send', 'virtual', 'hug', '...', 'need', 'one'], ['probably', 'still', 'going', 'stuff'], ['issue', 'right', 'ill', 'fix', 'tomorrow'], ['come', 'people'], ['senthil', 'group', 'company', 'apnt', '5pm'], ['really', 'make', 'air', 'talent'], ['studying', 'i.ll', 'free', 'next', 'weekend'], ['yet', 'wearing', 'blue', 'shirt', 'black', 'pant'], ['wait.i', 'come', 'out..', 'min'], ['reach', 'home', 'minute'], ['well', 'great', 'weekend'], ['langport', 'sorry', "'ll", 'probably', 'bed', '9pm', 'suck', 'ill', 'xmas', 'go2sri', 'lanka'], ['frnd', 'juz', 'word', '...', '..not', 'merely', 'relationship', '...', '..its', 'silent', 'promise', 'say', '...', 'wherevr..', 'whenevr..', 'forevr', '...', 'gudnyt', 'dear..'], ['huh', 'also', 'many', 'mistake'], ['...', 'jus', 'ate', 'honey', 'sweet', '...'], ['turning', 'phone', 'mom', 'telling', 'everyone', 'cancer', 'sister', "n't", 'stop', 'calling', 'hurt', 'talk', "n't", 'put', 'see', 'get', 'home', 'love'], ['honey', 'sweetheart', 'darling', 'sexy', 'bun', 'sugar', 'plum', 'loverboy', 'miss', 'boytoy', '...', '*smacks', 'ass*', 'gym'], ['thanks', 'loving', 'rock'], ['yeah', 'imma', 'come', 'cause', 'jay', 'want', 'drug'], ['thanx', '...', 'take', 'care', '...'], ['yup', 'thk', 'oso', 'boring', 'wat'], ['came', 'look', 'flat', 'seems', '50', 'away', 'alot', 'wiv', 'work', 'got', 'woman', 'coming', '6.30'], ['moji', 'informed', 'saved', 'life', 'thanks'], ['nokia', '7250i', 'get', 'win', 'free', 'auction', 'take', 'part', 'send', 'nokia', '86021', 'hg/suite342/2lands', 'row/w1jhl', '16+'], ['class'], ['hey', 'still', 'online', "'ve", 'finished', 'formatting', '...'], ['great', 'attracts', 'brothas'], ['promotion', 'number', '8714714', 'awarded', 'city', 'break', 'could', 'win', '£200', 'summer', 'shopping', 'spree', 'every', 'txt', 'store', '88039', 'skilgme', 'tscs087147403231winawk', 'age16', '£1.50perwksub'], ['stupid.its', 'possible'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['lol', 'happens', 'vega', 'stay', 'vega'], ['hello', 'hello', 'lou', 'sorry', 'took', 'long', 'reply-', 'left', 'mobile', 'friend', 'lancaster', 'got', 'bak', 'neway', 'sorry', 'couldn\x92t', 'make', 'b\x92day', 'hun'], ['use', 'soc', '...', 'use', 'home', '...', 'dunno', 'type', 'word', '...'], ['dad', 'say', 'hurry', 'hell'], ['wake', 'morning'], ['get', 'class', 'bsn', 'like', 'minute', 'know', 'advising'], ['great', 'shoot', 'big', 'load', 'get', 'ready'], ["'ll", 'meet', 'lobby'], ['still', 'coming', 'tonight'], ['happen', 'dear', 'tell'], ['sir', 'waiting', 'call', 'free', 'please', 'call'], ['movie', 'laptop'], ['texted', 'finished', 'long', 'time', 'ago', 'showered', "er'ything"], ['sure', 'time', 'finish', 'tomorrow', 'wan', 'spend', 'evening', 'co', 'would', 'vewy', 'vewy', 'lubly', 'love', 'xxx'], ['hello', 'per', 'request', 'rs.5', 'transfered'], ['tirupur', 'call'], ['winner', 'specially', 'selected', 'receive', '£1000', 'cash', '£2000', 'award', 'speak', 'live', 'operator', 'claim', 'call', '087147123779am-7pm', 'cost', '10p'], ['luck.2', 'catch', 'put'], ['noe', '...', 'specify', 'domain', 'nusstu', '...', 'still', 'sch', '...'], ['...', 'asked', 'fun', 'haha', '...', 'take', 'care'], ['shall', 'get', 'pouch'], ['hey', 'loverboy', 'love', 'tell', '...', 'look', 'picture', 'ache', 'feel', 'leg', '...', 'fuck', 'want', '...', 'need', '...', 'crave'], ['boy', 'sweet', 'word', 'left', 'morning', '...', '*sighs*', '...', 'go', 'day', 'love', 'start', 'studying'], ['kent', 'vale', 'lor', '...', 'wait'], ['good', 'making', 'money'], ['reading', 'gud', 'habit..', 'nan', 'bari', 'hudgi', 'yorge', 'pataistha', 'ertini', 'kano'], ['aight', 'still', 'want', 'get', 'money'], ['free', 'top', 'ringtone', '-sub', 'weekly', 'ringtone-get', '1st', 'week', 'free-send', 'subpoly', '81618-', 'per', 'week-stop', 'sms-08718727870'], ['ok.ok', 'ok..then..whats', 'today', 'plan'], ['town', 'important'], ['sorry', 'dont', 'knw'], ['wat'], ['meeting', 'rite', "'ll", 'home', 'lor', 'dun', 'feel', 'like', 'comin'], ['get', 'paid', 'outstanding', 'one', 'commercial', 'hasbro', '...', 'august', 'made', 'jump', 'many', 'hoop', 'get', 'paid', 'still'], ['late', 'call', 'tomorrow', 'morning.take', 'care', 'sweet', 'dream', '...', '...', 'ummifying', '...', 'bye'], ['networking', 'technical', 'support', 'associate'], ['gon', 'rip', 'uterus'], ['cool', 'like', 'swimming', 'pool', 'jacuzzi', 'house'], ['thanks', 'ringtone', 'order', 'reference', 'number', 'x49', 'mobile', 'charged', '4.50', 'tone', 'arrive', 'please', 'call', 'customer', 'service', '09065989182', 'colour=red', 'text', '/colour', 'txtstar'], ['yeah', 'gang', 'ready'], ['blank', 'blank', 'wat', 'blank', 'lol'], ['movie', '...', 'collect', 'car', 'oredi', '...'], ['left', 'already', 'orchard'], ['2nights', 'lucky', 'night', 'uve', 'invited', 'xchat', 'uk', 'wildest', 'chat', 'txt', 'chat', '86688', '150p/msgrcvdhg/suite342/2lands/row/w1j6hl', 'ldn', '18yrs'], ['nothing', 'spl..wat', 'abt', 'whr'], ['chikku', 'yet..', 'free'], ['aldrine', 'rakhesh', 'rtm', 'here.pls', 'call.urgent'], ['search', 'happiness', 'main', 'source', 'unhappiness', 'accept', 'life', 'way', 'come', 'find', 'happiness', 'every', 'moment', 'live'], ['home', 'please', 'call'], ['guess', 'could', 'good', 'excuse', 'lol'], ["n't", 'frnd', 'necesity', 'life', 'imagine', 'urself', 'witout', 'frnd..', 'feel', 'colleg', 'wat', "'ll", 'wth', 'cell', 'wat', 'abt', 'function', 'thnk', 'abt', 'event', 'espe', "'ll", 'cared', 'missed', 'amp', 'irritated', '4wrd', 'dear-loving', 'frnds', 'wthout', 'cant', 'live..', 'jst', 'it..', 'takecare..', 'goodmorning'], ['gud', 'mrng', 'dear', 'hav', 'nice', 'day'], ['old', 'orchard', 'near', 'univ'], ['taco', 'raja', 'burrito', 'right'], ['get'], ['hows', 'street', 'end', 'library', 'walk'], ['plz', 'note', 'anyone', 'calling', 'mobile', 'co.', 'amp', 'asks', 'type', 'disconnect', 'call', 'coz', 'attempt', "'terrorist", 'make', 'use', 'sim', 'card', 'itz', 'confirmd', 'nokia', 'motorola', 'verified', 'cnn', 'ibn'], ['stopped', 'get', 'ice', 'cream', 'back'], ['stitch', 'trouser'], ['vijay', 'going', 'talk', 'jaya'], ['2/2', '146tf150p'], ['hey', 'bored', '...', 'thinking', '...', 'wat'], ['nah', 'wednesday', 'bring', 'mini', 'cheetos', 'bag'], ['nobody', 'name', 'penis', 'girl', 'name', 'story', "n't", 'add'], ['aight', 'let', 'know', "'re", 'gon', 'around', 'usf'], ['lip', 'synced', 'shangela'], ['neva', 'tell', 'noe', '...', 'home', 'aft', 'wat', '...'], ['bit', 'smile', 'hppnss', 'drop', 'tear', 'sorrow', 'part', 'heart', 'life', 'heart', 'like', 'mine', 'wil', 'care', 'forevr', 'goodfriend'], ['dear', 'voucher', 'holder', 'claim', '1st', 'class', 'airport', 'lounge', 'pass', 'using', 'holiday', 'voucher', 'call', '08704439680', 'booking', 'quote', '1st', 'class'], ['buzz', 'hey', 'love', 'think', 'hope', 'day', 'go', 'well', 'sleep', 'miss', 'babe', 'long', 'moment', 'together', 'again*loving', 'smile*'], ['haha', '...', 'sound', 'crazy', 'dunno', 'tahan', 'anot', '...'], ['early'], ['one', 'slow', 'poo'], ['bloomberg', '-message', 'center', '+447797706009', 'wait', 'apply', 'future', 'http', '//careers', 'bloomberg.com'], ['gloucesterroad', 'uup', 'later'], ['yes', 'always', 'available', 'work', 'place..'], ['yes', 'place', 'town', 'meet', 'exciting', 'adult', 'single', 'txt', 'chat', '86688', '150p/msg'], ['lol', 'ouch', 'wish', 'stayed', 'bit', 'longer'], ['god', 'asked', 'forgiveness', 'little', 'child', 'gave', 'lovely', 'reply', 'wonderful', 'fruit', 'tree', 'give', 'hurt', 'stone..', 'good', 'night', '...', '...'], ["'ll", 'join', 'bus'], ['wa', 'ask', 'keep', 'one', 'maybe', "n't", 'get', 'message', 'sent', 'glo'], ['free', '1st', 'week', 'no1', 'nokia', 'tone', 'mob', 'every', 'week', 'txt', 'nokia', '8007', 'get', 'txting', 'tell', 'mate', 'www.getzed.co.uk', 'pobox', '36504', 'w45wq', 'norm150p/tone', '16+'], ['k.i', 'send', 'min'], ['would', 'smoking', 'help', 'work', 'difficult', 'time'], ['someone', 'know', 'asked', 'dating', 'service', 'contact', 'cant', 'guess', 'call', '09058095107', 'revealed', 'pobox', 's3xy', '150p'], ['yes.mum', 'lookin', 'strong'], ['sir', 'goodmorning', 'free', 'call'], ['call'], ['wa', 'gr8', 'see', 'message', 'leaving', 'congrats', 'dear', 'school', 'wat', 'plan'], ['love', 'girl', 'office', 'may', 'wonder', 'smiling', 'sore', '...'], ['wlcome', 'back', 'wonder', 'got', 'eaten', 'lion', 'something', 'nothing', 'much'], ['doe', 'uncle', 'timi', 'help', 'clearing', 'car'], ['came', 'hostel', 'going', 'sleep', 'plz', 'call', 'class', 'hrishi'], ['...', 'bag', 'again..'], ['spoke', 'maneesha', 'like', 'know', 'satisfied', 'experience', 'reply', 'toll', 'free', 'yes'], ['lor', 'msg', 'call'], ['mila', 'age23', 'blonde', 'new', 'look', 'sex', 'guy', 'like', 'fun', 'text', 'mtalk', '69866.18', '30pp/txt', '1st', '5free', '£1.50', 'increment', 'help08718728876'], ['fishrman', 'woke', 'early', 'mrng', 'dark', 'waited', 'amp', 'found', 'sack', 'ful', 'stone', 'strtd', 'throwin', 'thm', 'in2', 'sea', 'pas', 'time', 'atlast', 'jus', '1stone', 'sun', 'rose', 'amp', 'found', 'tht', 'stone', 'diamond', 'moral', 'dont', 'wake', 'early', 'mrng', 'good', 'night'], ['claim', '200', 'shopping', 'spree', 'call', '08717895698', 'mobstorequiz10ppm'], ['physic', 'get'], ['dear', 'friend', 'sorry', 'late', 'information', 'today', 'birthday', 'loving', 'ar.praveesh', 'detail', 'log', 'face', 'book', 'see', 'number', 'dont', 'miss', 'delicious', 'treat'], ['going', 'send'], ['online', 'transaction'], ['dear', 'got', 'train', 'seat', 'mine', 'lower', 'seat'], ['let', 'know', 'need', 'anything', 'else', 'salad', 'desert', 'something', '...', 'many', 'beer', 'shall', 'get'], ['wat'], ['whore', 'unbelievable'], ['want', 'funk', 'fone', 'weekly', 'new', 'tone', 'reply', 'tones2u', 'text', 'www.ringtones.co.uk', 'original', 'best', 'tone', '3gbp', 'network', 'operator', 'rate', 'apply'], ['sure', "n't", 'mean', 'get', 'made', 'hold', 'weed'], ['love', 'know', 'feel', 'doe', 'make', 'belly', 'warm', 'wish', 'love', '...', 'shall', 'meet', 'dream', 'ahmad', '...', '*adoring', 'kiss*'], ['twinks', 'bear', 'scallies', 'skin', 'jock', 'calling', "n't", 'miss', 'weekend', 'fun', 'call', '08712466669', '10p/min', 'stop', 'text', 'call', '08712460324', 'nat', 'rate'], ['love', 'want', 'flood', 'pretty', 'pussy', 'cum', '...'], ['hey', 'angry', 'reply'], ['short', 'cute', 'good', 'person', 'dont', 'try', 'prove', 'it..', '.gud', 'noon', '...'], ['also', 'remember', 'bead', "n't", 'come', 'ever'], ['thread', 'wishlist', 'section', 'forum', 'ppl', 'post', 'nitro', 'request', 'start', 'last', 'page', 'collect', 'bottom'], ['first', 'time', 'history', "'need", "'comfort", "'luxury", 'sold', 'price', 'india..', 'onion-rs', 'petrol-rs', 'beer-rs', 'shesil'], ['feb', 'love', 'day', 'send', 'dis', 'valued', 'frnds', 'evn', 'come', 'back', "'ll", 'married', 'person', 'luv', 'ignore', 'dis', 'lose', 'luv', 'evr'], ['actually', 'nvm', 'got', 'hella', 'cash', 'still', 'ish'], ['tried', 'contact', 'reply', 'offer', 'video', 'handset', '750', 'anytime', 'network', 'min', 'unlimited', 'text', 'camcorder', 'reply', 'call', '08000930705'], ['least', 'armand', 'still', 'around'], ['happy', 'sit', 'together'], ['yup', 'song', 'bro', 'creative', 'neva', 'test', 'quality', 'said', 'check', 'review', 'online'], ['dude', 'fake..my', 'frnds', 'got', 'money', 'thts', 'reffering', 'u..if', 'member', 'wit', 'mail', 'link', 'credited', 'getiing', 'rs..i', 'draw', 'acc', 'wen', 'rs..'], ['dude', 'makin', 'weirdy', 'brownie', 'sister', 'made', 'awesome', 'cooky', 'took', 'pic'], ['urgent', 'trying', 'contact', 'last', 'weekend', 'draw', 'show', '£900', 'prize', 'guaranteed', 'call', '09061701851', 'claim', 'code', 'k61', 'valid', '12hours'], ['pls', 'dont', 'restrict', 'eating', 'anythin', 'like', 'next', 'two', 'day'], ['ask', 'come', 'enough'], ['funeral', 'home', 'audrey', 'dad'], ['aight', 'text', 'address'], ['excellent', 'wish', 'together', 'right'], ['yep', 'fine', '7.30', '8.30', 'ice', 'age'], ['pls', 'wont', 'belive', 'god.not', 'jesus'], ['dunno', 'wat', 'get', '...'], ['yet', 'chikku..k', 'wat', 'abt', 'tht', 'guy', 'stopped', 'irritating', 'msging', 'u..'], ['long', 'take', 'get'], ['number', 'vivek..'], ['74355', 'xmas', 'iscoming', 'awarded', 'either', '£500', 'gift', 'voucher', 'free', 'entry', '£100', 'weekly', 'draw', 'txt', 'music', '87066', 'tnc'], ['sorry', 'brah', 'finished', 'last', 'exam'], ['got', 'arrested', 'possession', 'shit', 'time'], ['right', 'though', "n't", 'give', 'space', 'want', 'need', 'really', 'starting', 'become', 'issue', 'going', 'suggest', 'setting', 'definite', 'move', 'still', 'greece', 'maybe', 'ready'], ['normal'], ['please', 'protect', 'e-threats', 'sib', 'never', 'asks', 'sensitive', 'information', 'like', 'password', 'atm/sms', 'pin', 'thru', 'email', 'never', 'share', 'password', 'anybody'], ['miss', 'much', 'desparate', 'recorded', 'message', 'left', 'day', 'listen', 'hear', 'sound', 'voice', 'love'], ['always', 'online', 'yahoo', 'would', 'like', 'chat', 'someday'], ['goodmorning', 'grandfather', 'expired..so', 'leave', 'today'], ['congratulation', 'claim', 'vip', 'row', 'ticket', 'blu', 'concert', 'november', 'blu', 'gift', 'guaranteed', 'call', '09061104276', 'claim', 'www.smsco.net', 'cost£3.75max'], ['yuou', 'working', 'getting', 'mom', 'find', 'spot', 'would', 'work', 'need'], ['sure', "'ll", 'see', 'come', 'bit'], ['agree', 'stop', 'thinkin', 'ipad', 'please', 'ask', 'macho', 'question'], ['let', 'pool', 'money', 'together', 'buy', 'bunch', 'lotto', 'ticket', 'win', 'get', 'get', 'deal'], [], ['askd', 'question', 'hour', 'answer'], ['watching', 'lor', 'nice', 'one', 'like', 'lor'], ['thinking', 'chennai', 'forgot', 'come', 'auction..'], ['come', 'pick', '530'], ['early', 'bird', 'purchase', 'yet'], ['went', 'pay', 'rent', 'bank', 'authorise', 'payment'], ['erm', 'ill', 'pick', '6.45pm', "'ll", 'give', 'enough', 'time', 'get', 'park'], ['hey', 'mate', 'hows', 'honey', 'ave', 'good', 'holiday', 'gimmi', 'go'], ['howz', 'pain.it', 'come', 'today.do', 'said', 'ystrday.ice', 'medicine'], ['chile', 'please', 'decimal', 'hour', 'drive', 'come', 'time', 'subletting', 'feb-april', 'audition', 'season'], ['yes', 'ammae', '...', '.life', 'take', 'lot', 'turn', 'sit', 'try', 'hold', 'steering', '...'], ['yeah', 'thought', 'lem', 'know', 'anything', 'goin', 'later'], ['mmmm', '...', 'cant', 'wait', 'lick'], ['pls', 'today', 'dont', 'want', 'excuse'], ['fantasy', 'football', 'back', 'sky', 'gamestar', 'sky', 'active', 'play', '£250k', 'dream', 'team', 'scoring', 'start', 'saturday', 'register', 'sky', 'opt', '88088'], ['plz', 'tell', 'bslvyl', 'sent', 'via', 'fullonsms.com'], ['town', 'alone'], ['looking', 'forward', 'sex', 'cuddling..', 'two', 'sleep'], ['rounder', 'required'], ['true..k', 'knw', 'dis'], ['dont', 'worry', 'day', 'big', 'lambu', 'come..til', 'enjoy', 'batchlor', 'party'], ['...', 'got', 'hip', 'hop', 'open', 'haha', 'thinking', 'jazz', 'zoom', 'cine', '...', 'actually', 'tonight', 'free', 'leh', '...', 'lesson', 'tonight'], ['free', 'msg', 'single', 'find', 'partner', 'area', '1000', 'real', 'people', 'waiting', 'chat', 'send', 'chat', '62220cncl', 'send', 'stopcs', '08717890890£1.50', 'per', 'msg'], ['ok.', 'part', 'tomorrow'], ['found', 'diff', 'farm', 'shop', 'buy', 'cheese', 'way', 'back', 'call'], ['still', 'working'], ['win', 'newest', '\x93harry', 'potter', 'order', 'phoenix', 'book', 'reply', 'harry', 'answer', 'question', 'chance', 'first', 'among', 'reader'], ['yep', 'like', 'pink', 'furniture', 'tho'], ['free', 'msg', 'ringtone', 'http', '//tms', 'widelive.com/index', 'wml', 'id=1b6a5ecef91ff9*37819', 'first=true18:0430-jul-05'], ['customer', 'place', 'wil', 'cal', 'sir'], ['god', "'ve", 'found', 'number', 'glad', 'text', 'back', 'xafter', 'msg', 'cst', 'std', 'ntwk', 'chg', '£1.50'], ['pure', 'hearted', 'person', 'wonderful', 'smile', 'make', 'even', 'his/her', 'enemy', 'feel', 'guilty', 'enemy..', 'catch', 'world', 'smile..', 'goodmorning', 'amp', 'smiley', 'sunday..'], ['that\x92s', 'alrite', 'girl', 'know', 'gail', 'neva', 'wrong', 'take', 'care', 'sweet', 'don\x92t', 'worry.c', 'l8tr', 'hun', 'love', 'yaxxx'], ['theoretically', 'yeah', 'could', 'able', 'come'], ['alright', "'re", 'hooked', 'guy'], ['know', 'people', 'still', 'town'], ['let', 'math', 'good'], ['wait', '...', 'lect', 'havent', 'finish'], ['yeah', 'usual', 'guy', 'town', "'re", 'definitely', 'people', 'around', 'know'], ['joining', 'today', 'formally.pls', 'keep', 'praying.will', 'talk', 'later'], ['happy', 'sad', 'one', 'thing', 'past', 'is-', 'good', 'morning'], ['multimedia', 'message', 'e-mail'], ['okie', 'scared', 'say', 'fat', '...', 'dun', 'wan', 'already', '...'], ['get', 'message'], ['sorry', 'sir', 'call', 'tomorrow', 'senthil.hsbc'], ['need', 'person', 'give'], ['left', 'vague', 'said', 'would', 'inform', 'person', 'accounting', 'delayed', 'rent', 'discus', 'housing', 'agency', 'renting', 'another', 'place', 'checking', 'online', 'place', 'around', 'usc'], ['juan', 'coming', 'home', 'fri', 'hey', 'course', 'expect', 'welcome', 'party', 'lot', 'present', 'ill', 'phone', 'get', 'back', 'load', 'love', 'nicky'], ['plz', 'tell', 'bslvyl', 'sent', 'via', 'fullonsms.com'], ['short', 'cute', 'good', 'person', 'dont', 'try', 'prove', 'it..', '.gud', 'noon', '...'], ['gumby', 'special', 'cheese', 'pizza', 'know', "'re", 'doin', 'tonight'], ['link', 'picture', 'sent', 'also', 'use', 'http', '//alto18.co.uk/wave/wave.asp', 'o=44345'], ['like', 'personal', 'sized'], ['great', 'aunt', 'anniversary', 'party', 'tarpon', 'spring'], ['cab', 'available.they', 'pick', 'drop', 'door', 'step'], ['...', '.take', 'care.umma', '...'], ['unlimited', 'text', 'limited', 'minute'], ['double', 'min', '1000', 'txts', 'orange', 'tariff', 'latest', 'motorola', 'sonyericsson', 'nokia', 'bluetooth', 'free', 'call', 'mobileupd8', '08000839402', 'call2optout/hf8'], ['problem', 'spending', 'lot', 'quality', 'time', 'together', '...'], ['urgent', '2nd', 'attempt', 'contact', '£900', 'prize', 'yesterday', 'still', 'awaiting', 'collection', 'claim', 'call', '09061702893', 'acl03530150pm'], ['heard', 'week'], ['dear', 'dave', 'final', 'notice', 'collect', 'tenerife', 'holiday', '5000', 'cash', 'award', 'call', '09061743806', 'landline', 'tc', 'sae', 'box326', 'cw25wx', '150ppm'], ['yes', 'last', 'practice'], ['tell', 'call', '09066358152', 'claim', '£5000', 'prize', 'enter', 'mobile', 'personal', 'detail', 'prompt', 'careful'], ['thank', "'ve", 'wonderful'], ['otherwise', 'part', 'time', 'job', 'na-tuition..'], ['mean', 'confirmed', '...', 'tot', 'juz', 'say', 'oni', '...', '...'], ['okie'], ['depends', 'would', 'like', 'treated'], ['right', 'brah', 'see', 'later'], ['waiting', 'car', 'mum', 'lor', 'leh', 'reach', 'home', 'already'], ['2004', 'account', '07xxxxxxxxx', 'show', '786', 'unredeemed', 'point', 'claim', 'call', '08719181259', 'identifier', 'code', 'xxxxx', 'expires', '26.03.05'], ['want', 'new', 'video', 'handset', '750', 'anytime', 'network', 'min', 'half', 'price', 'line', 'rental', 'camcorder', 'reply', 'call', '08000930705', 'delivery', 'tomorrow'], ['went', 'fast', 'asleep', 'dear.take', 'care'], ['mean', 'fat', 'head'], ['sound', 'like', 'plan', 'cardiff', 'still', 'still', 'cold', 'sitting', 'radiator'], ['serious', 'like', 'proper', 'tongued'], ['she.s', 'good', 'wondering', 'wont', 'say', 'she.s', 'smiling', 'coping', 'long', 'distance'], ['noe', '...', 'car', '...', 'later', 'lar', '...', 'wearing', 'short', '...'], ['important', 'customer', 'service', 'announcement', 'call', 'freephone', '0800', '542', '0825'], ['yeah', 'whatever', 'lol'], ['today', 'accept', 'day..u', 'accept', 'brother', 'sister', 'lover', 'dear1', 'best1', 'clos1', 'lvblefrnd', 'jstfrnd', 'cutefrnd', 'lifpartnr', 'belovd', 'swtheart', 'bstfrnd', 'rply', 'mean', 'enemy'], ['ard', '530', 'lor', 'message', 'lor'], ['ok.'], ['laptop', 'got', 'stock', 'lei', '...', 'say', 'mon', 'muz', 'come', 'take', 'look', 'got', '...'], ['need', '...', 'bored', 'izzit', 'suddenly', 'thk', '...'], ['wish', "n't", 'think', 'gon', 'snow', 'much', 'flurry', 'usually', 'get', 'melt', 'hit', 'ground', 'eek', "n't", 'snow', 'since', 'even', 'born'], ['free', 'ringtone', 'reply', 'real', 'poly', 'real1', 'pushbutton', 'dontcha', 'babygoodbye', 'golddigger', 'webeburnin', '1st', 'tone', 'free', 'join', '£3/wk'], ['thing', 'change', 'sentence', 'want', 'concentrate', 'educational', 'career', 'leaving', 'here..'], ['really', 'perform', 'write', 'paper', 'movie', 'home', 'midnight', 'huh'], ['okay', 'lor', '...', 'still', 'let', 'coz', 'know', 'later', 'drop', 'card', 'box', 'right'], ['izzit', 'still', 'raining'], ["n't", 'enough', 'trouble', 'sleeping'], ['havent', 'add', 'yet', 'right..'], ['lol', '...', 'really', 'need', 'remember', 'eat', 'drinking', 'appreciate', 'keeping', 'company', 'night', 'babe', '*smiles*'], ['babe', 'lost', '...', 'try', 'rebooting'], ['yes', 'nigh', 'cant', 'aha'], ['thk', 'got', 'home', 'urself', 'co', "'ll", 'going', 'shopping', 'frens', 'present'], ['nooooooo', 'gon', 'bored', 'death', 'day', 'cable', 'internet', 'outage'], ['amount', 'get', 'pls'], ['playin', 'space', 'poker'], ['come', 'guoyang', 'tell', 'told'], ['need', 'get'], ['giving', 'second', 'chance', 'rahul', 'dengra'], ['yeah', 'fact', 'asked', 'needed', 'anything', 'like', 'hour', 'ago', 'much'], ['first', 'strike', 'red', 'one', 'bird', 'antelope', 'begin', 'toplay', 'fieldof', 'selfindependence', 'believe', 'flower', 'contention', 'grow.random'], ['wan', 'doctor'], ['doe', 'daddy'], ['free', 'msg', 'get', 'gnarl', 'barkley', 'crazy', 'ringtone', 'totally', 'free', 'reply', 'message', 'right'], ['borderline', 'yeah', 'whatever'], ['got', 'call', 'landline', 'number', 'asked', 'come', 'anna', 'nagar', 'afternoon'], ['545', 'lor', '...', 'dinner', 'together', '...'], ['gentle', 'princess', 'make', 'sweet', 'gentle', 'love', '...'], ['doin', 'baby', 'girl', 'hope', 'okay', 'every', 'time', 'call', 'ure', 'phone', 'miss', 'get', 'touch'], ['sorry', 'went', 'bed', 'early', 'nightnight'], ['like', 'think', 'always', 'possibility', 'pub', 'later'], ['hmm', 'yeah', 'grooved', 'looking', 'forward', 'pound', 'special'], ['got', 'video', 'tape', 'pple', 'type', 'message', 'lor', 'free', 'wan', 'help', 'hee', '...', 'co', 'noe', 'wan', 'watch', 'infernal', 'affair', 'ask', 'along', 'asking', 'shuhui', 'oso'], ['dude', 'realy', 'mising', 'today'], ['hungry', 'buy', 'food', 'good', 'lei', '...', 'mum', 'yun', 'dun', 'wan', 'juz', 'buy', 'little', 'bit', '...'], ['refused', 'loan', 'secured', 'unsecured', "n't", 'get', 'credit', 'call', 'free', '0800', '195', '6669', 'text', 'back', "'help"], ['probably', "n't", 'eat', 'today', 'think', 'gon', 'pop', 'weekend', 'miss'], ['knew', '...', 'slept', 'late', 'yest', 'wake', 'late', '...'], ['haha', '...', 'dont', 'angry', '...', 'take', 'practice', 'real', 'thing'], ['one', 'day', 'training'], ['could', 'kiss', 'feel', 'next', '...'], ['nice', 'day', 'dear'], ['sent', 'lanre', 'fakeye', 'eckankar', 'detail', 'mail', 'box'], ['dad', 'back'], ['specially', 'selected', 'receive', '3000', 'award', 'call', '08712402050', 'line', 'close', 'cost', '10ppm', '16+', 'apply', 'promo'], ['ask', 'say', 'please', 'message'], ['timing', 'lor', '...'], ['love', 'aathi..love', 'lot..'], ['callin', 'say', 'take', 'care', 'bruv'], ['valued', 'vodafone', 'customer', 'computer', 'picked', 'win', '£150', 'prize', 'collect', 'easy', 'call', '09061743386'], ['turn', 'heater', 'heater', 'set', 'degree'], ['thanks', 'message', 'really', 'appreciate', 'sacrifice', 'sure', 'process', 'direct', 'pay', 'find', 'way', 'back', 'test', 'tomorrow', 'class', 'wonderful', 'day'], ['trouble', 'class', 'well', "'re", 'due', 'dodgey', 'one', 'expecting', 'mine', 'tomo', 'see', 'recovery', 'time', 'place'], ['free', 'video', 'camera', 'phone', 'half', 'price', 'line', 'rental', 'mths', '500', 'cross', 'ntwk', 'min', '100', 'txts', 'call', 'mobileupd8', '08001950382', 'call2optout/674'], ['wot'], ['night', 'night', 'see', 'tomorrow'], ['roger', 'probably', 'going', 'rem'], ['think', 'girl', 'propose', 'today', 'seing', 'bloody', 'funky', 'shit', 'fucking', 'face', '...', '...', '...', '...', '...', 'asssssholeeee', '...', '...', '...', '...', '...'], ['wish', 'feel', 'alone'], ['great', 'new', 'offer', 'double', 'min', 'double', 'txt', 'best', 'orange', 'tariff', 'get', 'latest', 'camera', 'phone', 'free', 'call', 'mobileupd8', 'free', '08000839402', '2stoptxt'], ['reason', 'team', 'budget', 'available', 'last', 'buy', 'unsold', 'player', 'base', 'rate..'], ['ceri', 'rebel', 'sweet', 'dreamz', 'little', 'buddy', '2moro', 'need', 'bloke'], ['ringtoneking', '84484'], ['huh', 'cant', 'thk', 'oredi', 'many', 'page'], ['frens', 'lor', 'alone', 'wif', 'mum', 'si', 'lor'], ['nationwide', 'auto', 'centre', 'something', 'like', 'newport', 'road', 'liked'], ['hey', 'missed', 'last', 'night', 'phone', 'charge', '...', '*smiles*', '...', 'meeting', 'friend', 'shortly'], ['whatever', 'juliana', 'whatever', 'want'], ['friendship', 'game', 'play', 'word', 'say', "doesn\\'t", 'start', 'march', 'end', 'may', 'tomorrow', 'yesterday', 'today'], ['ringtone', 'club', 'gr8', 'new', 'polys', 'direct', 'mobile', 'every', 'week'], ['hello', 'sort', 'town', 'already', 'dont', 'rush', 'home', 'eating', 'nacho', 'let', 'know', 'eta'], ['lor', 'anyway', 'thk', 'cant', 'get', 'ticket', 'co', 'like', 'quite', 'late', 'already', 'wan', 'look', 'frens', 'darren', 'wif', '...'], ['bank', 'granite', 'issue', 'strong-buy', 'explosive', 'pick', 'member', '*****up', '300', '***********', 'nasdaq', 'symbol', 'cdgt', '5.00', 'per..'], ['way', 'home'], ['dizzamn', 'aight', "'ll", 'ask', 'suitemates', 'get', 'back'], ['nimbomsons', 'yep', 'phone', 'know', 'one', 'obviously', 'co', 'thats', 'real', 'word'], ['love', 'cuddle', 'want', 'hold', 'strong', 'arm', 'right', '...'], ['continent'], ["'ll", 'pay', 'like', 'yr', 'difficult'], ['bored', 'housewife', 'chat', 'date', '0871750.77.11', 'bt-national', 'rate', '10p/min', 'landline'], ['tried', 'call', 'reply', 'sm', 'video', 'mobile', '750', 'min', 'unlimited', 'text', 'free', 'camcorder', 'reply', 'call', '08000930705', 'del', 'thurs'], ['...', '...', 'give', 'treat'], ['2nd', 'time', 'tried', 'contact', '£400', 'prize', 'claim', 'easy', 'call', '087104711148', '10p', 'per', 'minute', 'bt-national-rate'], ['gon', 'worry', 'nothing', "n't", 'give', 'money', 'use'], ['get', 'gift', 'year', 'didnt', 'get', 'anything', 'bad'], ['somewhere', 'beneath', 'pale', 'moon', 'light', 'someone', 'think', 'dream', 'come', 'true', '...', 'goodnite', 'amp', 'sweet', 'dream'], ['well', 'pattern', 'emerging', 'friend', 'telling', 'drive', 'come', 'smoke', 'telling', 'weed', 'fiend/make', 'smoke', 'much/impede', 'thing', 'see', 'hesitant'], ['dey.i', 'paid', '60,400thousad.i', 'told', 'would', 'call'], ['fine', 'babe', 'aint', 'much', 'tho', 'saw', 'scary', 'movie', 'yest', 'quite', 'funny', 'want', '2mrw', 'afternoon', 'town', 'mall', 'sumthin'], ['reaching', 'home', 'min'], ['forgot', 'working', 'today', 'wan', 'chat', 'thing', 'drop', 'text', "'re", 'free', 'bored', 'etc', "'ll", 'ring', 'hope', 'well', 'nose', 'essay'], ['...', 'must', 'walk', 'everywhere', '...', 'take', 'tram', 'cousin', 'said', 'walk', 'vic', 'market', 'hotel'], ['wan2', 'win', 'meet+greet', 'westlife', 'currently', 'tour', 'unbreakable', 'untamed', 'unkempt', 'text', '1,2', '83049', 'cost', '50p', '+std', 'text'], ['please', 'call', 'customer', 'service', 'representative', 'freephone', '0808', '145', '4742', '9am-11pm', 'guaranteed', '£1000', 'cash', '£5000', 'prize'], ['discussed', 'mother'], [], ['sorry', "n't", 'text', 'amp', 'drive', 'coherently', 'see', 'twenty'], ['receiving', 'week', 'triple', 'echo', 'ringtone', 'shortly', 'enjoy'], ['place', 'get', 'room', 'cheap'], ['eek', 'lot', 'time', 'especially', 'since', 'american', 'pie', 'like', 'minute', 'long', "n't", 'stop', 'singing'], ['gran', 'onlyfound', 'afew', 'day', 'ago.cusoon', 'honi'], ["'ve", 'selected', 'stay', '250', 'top', 'british', 'hotel', 'nothing', 'holiday', 'valued', '£350', 'dial', '08712300220', 'claim', 'national', 'rate', 'call', 'bx526', 'sw73ss'], ['university', 'southern', 'california'], ['pick', 'rayan', 'macleran'], ['lor', 'shopping', 'got', 'stuff', 'wan', 'watch', 'infernal', 'affair', 'come', 'lar', '...'], ['well', 'ball', 'time', 'make', 'call'], ['wat', 'time', 'wan', 'today'], ['mca', 'conform'], ['ok..', 'wat', 'email'], ['yes', 'princess', 'going', 'make', 'moan'], ['lol', "n't", 'remember', 'til', 'last', 'nite'], ['anyway', 'many', 'good', 'evening'], ['cool', "'ll", 'text'], ['sorry', 'vikky', 'watching', 'olave', 'mandara', 'movie', 'kano', 'trishul', 'theatre', 'wit', 'frnds..'], ['happy', 'babe', 'woo', 'hoo', 'party', 'dude'], ['taking', 'italian', 'food', 'pretty', 'dress', 'panty'], ['wot', 'thout', 'gon', 'call', 'txt', 'bak', 'luv'], ['chosen', 'receive', '£350', 'award', 'pls', 'call', 'claim', 'number', '09066364311', 'collect', 'award', 'selected', 'receive', 'valued', 'mobile', 'customer'], ['holding'], ['dont', 'flatter', '...', 'tell', 'man', 'mine', 'two', 'pint', 'carlin', 'ten', 'minute', 'please', '...'], ['hope', 'scared'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['home', 'ready', '...'], ['please', 'call', 'customer', 'service', 'representative', 'freephone', '0808', '145', '4742', '9am-11pm', 'guaranteed', '£1000', 'cash', '£5000', 'prize'], ['time', 'get'], ['literally', 'bed', 'like', 'hour'], ['yes', 'reg', 'ciao'], ['mean', 'website', 'yes'], ['win', '£1000', 'cash', 'prize', 'prize', 'worth', '£5000'], ['thanks', 'ringtone', 'order', 'reference', 'number', 'x49.your', 'mobile', 'charged', '4.50', 'tone', 'arrive', 'please', 'call', 'customer', 'service', '09065989182'], ['lol', 'could', 'starve', 'lose', 'pound', 'end', 'day'], ['yeah', 'impression', 'got'], ['take', 'care', 'understand'], ['motivate', 'behind', 'every', 'darkness', 'shining', 'light', 'waiting', 'find', '...', 'behind', 'every', 'best', 'friend', 'always', 'trust', 'love', '...', 'bslvyl'], ['dinner'], ['slept', 'time.you'], ['dont', 'make', 'plan', 'nxt', 'wknd', 'coz', 'want', 'come'], ['school', 'starting', 'stay', 'weather', 'like', 'food', 'social', 'support', 'system', 'like', 'friend', 'school', 'thing', 'important'], ['nan', 'yalrigu', 'heltini..iyo', 'kothi', 'chikku', 'shared', 'many', 'thing', 'wit', 'me..so', 'far', "n't", 'told', 'body', 'even', 'uttered', 'word', 'abt', 'u..', 'trusting', 'much', 'tell', 'others..', 'plz', 'nxt', 'time', 'dont', 'use', 'word', 'me..ok', 'chikku'], ['noice', 'text', "'re"], ['yijue', "'re", 'meeting', 'esaplanade', 'tonight'], ['moby', 'pub', 'quiz.win', '£100', 'high', 'street', 'prize', 'know', 'new', 'duchess', 'cornwall', 'txt', 'first', 'name', '82277.unsub', 'stop', '£1.50', '008704050406'], ['week', 'savamob', 'member', 'offer', 'accessible', 'call', '08709501522', 'detail', 'savamob', 'pobox', '139', 'la3', '2wu', '£1.50/week', 'savamob', 'offer', 'mobile'], ['aight', "'ve", 'set', 'free', 'think', 'could', 'text', 'blake', 'address', 'occurs', 'quite', 'sure', 'thought'], ['dear', 'saw', 'dear', 'happy', 'battery', 'low'], ['age', 'abj'], ['prof', 'passed', 'paper', 'sem', 'congrats', 'student', 'enna', 'kalaachutaarama..', 'prof', 'gud', 'mrng'], ['dont', 'kick', 'coco'], ['fyi', 'gon', 'call', 'sporadically', 'starting', 'like', 'doin', 'shit'], ['contacted', 'dating', 'service', 'someone', 'know', 'find', 'call', 'mobile', 'landline', '09064017305', 'pobox75ldns7'], ['tbs/persolvo', 'chasing', 'since', 'sept', 'for£38', 'definitely', 'paying', 'thanks', 'information', 'ignore', 'kath', 'manchester'], ['hope', 'you\x92re', 'much', 'fun', 'without', 'see', 'tomorrow', 'love', 'jess'], ['wont', 'call', 'disturb', 'one', 'know', 'avoiding', 'burden'], ["'ve", 'reached', 'home', 'bathe', 'liao', '...', 'call', '...'], ['loan', 'purpose', 'even', 'bad', 'credit', 'tenant', 'welcome', 'call', 'noworriesloans.com', '08717111821'], ['wa', 'actual', 'exam', 'harder', 'nbme'], ['lot', 'sickness', 'thing', 'going', 'round', 'take', 'easy', 'hope', 'feel', 'better', 'soon', 'lol'], ['god', 'picked', 'flower', 'dippeditinadew', 'lovingly', 'touched', 'itwhichturnedinto', 'gifted', 'tomeandsaid', 'friend'], ['87077', 'kick', 'new', 'season', '2wks', 'free', 'goal', 'news', 'mobile', 'txt', 'club', 'name', '87077', 'villa', '87077'], ['hey', 'sathya', 'till', 'dint', 'meet', 'even', 'single', 'time', 'saw', 'situation', 'sathya'], ['gam', 'gone', 'outstanding', 'inning'], ['played', 'smash', 'bros', 'religiously'], ['sir', 'good', 'morning', 'hope', 'good', 'weekend', 'called', 'let', 'know', 'able', 'raise', 'dad', 'however', 'said', 'would', 'make', 'rest', 'available', 'mid', 'feb', 'amount', 'still', 'quite', 'short', 'hoping', 'would', 'help', 'good', 'day', 'abiola'], ['hurry', 'home', 'soup', 'done'], ['check', 'room', 'befor', 'activity'], ['good', 'afternoon', 'love', 'good', 'see', 'word', 'get', 'smart', 'move', 'slave', '...', '*smiles*', '...', 'drink', 'coffee', 'await'], ['quite', 'bit', '...', 'better', 'eat', 'smth', 'else', "'ll", 'feel', 'guilty', '...'], ['orange', 'brings', 'ringtones', 'time', 'chart', 'hero', 'free', 'hit', 'week', 'ringtones', 'pic', 'wap', 'stop', 'receiving', 'tip', 'reply', 'stop'], ['lem', 'know', "'re"], ['private', '2003', 'account', 'statement', '07973788240', 'show', '800', 'un-redeemed', 'point', 'call', '08715203649', 'identifier', 'code', '40533', 'expires', '31/10/04'], ['need', 'stop', 'going', 'bed', 'make', 'fucking', 'dealing'], ['love', 'brother', 'time', 'talk', 'english', '*grins*', 'say', 'hey', 'muhommad', 'penny', 'say', 'hello', 'across', 'sea'], ['tried', 'call', 'reply', 'sm', 'video', 'mobile', '750', 'min', 'unlimited', 'text', 'free', 'camcorder', 'reply', 'call', '08000930705'], ['hey', 'doc', 'pls', 'want', 'get', 'nice', 'shirt', 'hubby', 'nice', 'fiting', 'one', 'budget', 'help', 'pls', 'load', 'card', 'abi', 'keep', 'posted', 'luv'], ['remain', 'unconvinced', "n't", 'elaborate', 'test', 'willpower'], ['life', 'nothing', 'wen', 'get', 'everything', 'life', 'everything', 'wen', 'miss', 'something', 'real', 'value', 'people', 'wil', 'realized', 'absence', '...', 'gud', 'mrng'], ['miss'], ["n't", 'answerin', 'phone', 'actually', 'pretty', 'reasonable', 'hour', 'sleepy'], ['hey', 'rite', 'put', 'evey', 'mnth'], ['going', 'bed', 'prin'], ['think', '…thanks', 'see', 'tomo'], ['dun', 'drive', 'sch'], ['home', 'lei', '...'], ['gsoh', 'good', 'spam', 'lady', 'could', 'male', 'gigolo', 'join', 'fastest', 'growing', 'men', 'club', 'reply', 'oncall', 'mjzgroup', '08714342399.2stop', 'reply', 'stop', 'msg', '£1.50rcvd'], ['come', 'home', 'half', 'hour'], ['secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09058094599'], ['hav', 'frnd', 'name', 'ashwini', 'college'], ['jus', 'finish', 'lunch', 'way', 'home', 'lor', '...', 'tot', 'dun', 'wan', 'stay', 'sch', 'today', '...'], ['2marrow', 'coming', 'class'], ['hot', 'live', 'fantasy', 'call', '08707500020', '20p', 'per', 'min', 'ntt', 'ltd', 'box', '1327', 'croydon', 'cr9', '5wb', '0870', 'national', 'rate', 'call'], ['pls', 'send', 'address', 'sir'], ['want', 'lick', 'pussy', '...'], ['gon', 'still', 'stock', 'tomorrow/today', 'trying', 'get', 'dubsack'], ['urgent', 'mobile', 'number', 'awarded', 'ukp', '2000', 'prize', 'guaranteed', 'call', '09061790125', 'landline', 'claim', '3030', 'valid', '12hrs', '150ppm'], ["'ll", 'see', 'prolly', 'yeah'], ['thought', 'could', 'dinner', "'ll", 'treat', 'seem'], ['stand', 'away', 'doe', "n't", 'heart', 'ache', 'without', "n't", 'wonder', "n't", 'crave'], ['sorry', 'never', 'hear', 'unless', 'book', 'one', 'kinda', 'joke', 'thet', 'really', 'looking', 'skinny', 'white', 'girl', 'one', 'line', 'much', 'camera', 'something', 'like', "'re", 'casting', 'look'], [], ['sure', 'thing', 'big', 'man', 'hockey', 'election', 'longer', 'hour', 'though'], ['watch', 'lor', 'saw', 'swatch', 'one', 'thk', 'quite', 'ok.', 'ard', '116', 'need', '2nd', 'opinion', 'leh', '...'], ['hiya', 'like', 'hlday', 'pic', 'looked', 'horrible', 'took', 'hows', 'camp', 'amrca', 'thing', 'speak', 'soon', 'serena'], ['babe', 'go', 'day', 'miss', 'already', 'love', '...', 'loving', 'kiss*', '...', 'hope', 'everything', 'go', 'well'], ['yunny', '...', 'goin', 'late'], ['doc', 'prescribed', 'morphine', 'cause', 'pain', 'med', "n't", 'enough', 'waiting', 'mom', 'bring', 'med', 'kick', 'fast', 'gon', 'try', 'later'], ['cool', 'want', 'kappa', 'meet', 'outside'], ['hey', 'sexy', 'bun', 'told', 'adore', 'loverboy', 'hope', 'remember', 'thank', 'sister', 'law', 'meatball', '*grins*', '...', 'love', 'babe'], ['may', 'approve', 'panalam', '...', 'posts..'], ['spjanuary', 'male', 'sale', 'hot', 'gay', 'chat', 'cheaper', 'call', '08709222922', 'national', 'rate', '1.5p/min', 'cheap', '7.8p/min', 'peak', 'stop', 'text', 'call', '08712460324', '10p/min'], ['sorry', "'ll", 'call', 'later'], ['dont', 'thnk', 'wrong', 'calling'], ['workin', 'get', 'job', '...'], ["'re", 'done', 'mean'], ['luck', 'love', 'someone', 'fortune', 'love', 'one', 'love', 'miracle', 'love', 'person', "n't", 'love', 'anyone', 'except', '...', 'gud', 'nyt', '...'], ['baby', 'ive', 'got', 'back', 'work', 'wanting', 'see', 'allday', 'hope', 'didnt', 'piss', 'phone', 'today', 'give', 'call', 'xxx'], ['freemsg', 'today', 'day', 'ready', 'horny', 'live', 'town', 'love', 'sex', 'fun', 'game', 'netcollex', 'ltd', '08700621170150p', 'per', 'msg', 'reply', 'stop', 'end'], ['yahoo', 'boy', 'bring', 'perf', 'legal'], ['need', 'say', 'anything', 'know', 'outsider'], ['ever', 'one', 'foot'], ['got'], ['good', 'need', 'receipts—well', 'done', 'yes', 'please', 'tell', 'number', 'could', 'ring'], ['ever', 'green', 'quote', 'ever', 'told', 'jerry', 'cartoon', 'person', 'irritates', 'always', 'one', 'love', 'vry', 'much', 'fails', 'express', '...', 'gud', 'nyt'], ['leave', 'wif', 'lar', '...', 'wan', 'carry', 'meh', 'heavy', '...', 'num', '98321561', 'familiar'], ['beautiful', 'truth', 'expression', 'face', 'could', 'seen', 'everyone', '...', 'depression', 'heart', 'could', 'understood', 'loved', 'ones..', 'gud', 'ni8'], ['infact', 'happy', 'new', 'year', 'seeing'], ['simpson', 'movie', 'released', 'july', '2007', 'name', 'band', 'died', 'start', 'film', 'a-green', 'day', 'b-blue', 'day', 'c-red', 'day', 'send'], ['shame', 'maybe', 'cld', 'meet', 'hr', 'tomo'], ['lol', 'would', 'despite', 'cramp', 'like', 'girl'], ['can\x92t', 'wait', 'cornwall', 'hope', 'tonight', 'isn\x92t', 'bad', 'well', 'it\x92s', 'rock', 'night', 'shite', 'anyway', 'i\x92m', 'going', 'kip', 'good', 'night', 'speak', 'soon'], ['pls', 'help', 'tell', 'sura', 'expecting', 'battery', 'hont', 'pls', 'send', 'message', 'download', 'movie', 'thanks'], ['please', 'call', 'amanda', 'regard', 'renewing', 'upgrading', 'current', 't-mobile', 'handset', 'free', 'charge', 'offer', 'end', 'today', 'tel', '0845', '021', '3680', 'subject'], ["n't", 'found', 'way', 'get', 'another', 'app', 'phone', 'net', 'cafe', 'take', 'job', 'geeee', 'need', 'babe', 'crave', 'see', '...'], ['work', 'mon', 'thurs', 'sat', 'cant', 'leh', '...', 'booked', 'liao', '...', 'day', 'free'], ['comin', 'fetch', 'oredi', '...'], ['nanny', 'address'], ['urgent', 'costa', 'del', 'sol', 'holiday', '£5000', 'await', 'collection', 'call', '09050090044', 'toclaim', 'sae', 'pobox334', 'stockport', 'sk38xh', 'cost£1.50/pm', 'max10mins'], ['haf', 'eaten', 'wat', 'time', 'wan', 'come'], ['want', 'new', 'video', 'phone', '750', 'anytime', 'network', 'min', 'half', 'price', 'line', 'rental', 'free', 'text', 'month', 'reply', 'call', '08000930705', 'free', 'delivery'], ['call', 'get', 'chance', 'friend', 'mine', 'wanted', 'ask', 'big', 'order'], ['single', 'single', 'answer', 'fighting', 'plus', 'said', 'broke', 'didnt', 'reply'], ['certainly', 'put', 'thing', 'perspective', 'something', 'like', 'happens'], ['got', 'watch', 'meh', 'work', 'today'], ['felt', '...', 'conveying', 'reason..', 'ese', '...'], ['mobile', 'month', 'entitled', 'update', 'latest', 'colour', 'mobile', 'camera', 'free', 'call', 'mobile', 'update', 'free', '08002986030'], ['going', 'got', 'exciting', 'karaoke', 'type', 'activity', 'planned', 'debating', 'whether', 'play', 'football', 'eve', 'feeling', 'lazy', 'though'], ['told', 'coming', 'wednesday'], ['called', 'mom', 'instead', 'fun'], ['dear', 'voucher', 'holder', 'claim', 'week', 'offer', 'please', 'http', '//www.wtlp.co.uk/text', 'apply'], ['well', 'desperate', "'ll", 'call', 'armand'], ['work', 'right'], ['congrats', 'nokia', '3650', 'video', 'camera', 'phone', 'call', '09066382422', 'call', 'cost', '150ppm', 'ave', 'call', '3mins', 'vary', 'mobile', '16+', 'close', '300603', 'post', 'bcm4284', 'ldn', 'wc1n3xx'], ["n't", 'heard', 'anything', 'answering', 'text', 'guessing', 'flaked', 'said', 'fantastic'], ['mmmmmm', '...', 'love', 'much', 'ahmad', '...', "n't", 'wait', 'year', 'begin', 'every', 'second', 'take', 'closer', 'side', 'happy', 'new', 'year', 'love'], ['pls', 'full', 'name', 'joke', 'school', 'co', 'fee', 'university', 'florida', 'seem', 'actually', 'pls', 'holla', 'back'], ['sorry', "'ll", 'call', 'later'], ['...', 'said', "'ve", 'got', 'wisdom', 'teeth', 'hidden', 'inside', 'mayb', 'need', 'remove'], ['pls', 'pls', 'drink', 'plenty', 'plenty', 'water'], ['queen', 'going', 'royal', 'wedding'], ['lag', 'sad', 'part', 'keep', 'touch', 'thanks', 'skype'], ['lor', 'tog', 'lor', '...'], ['two', 'team', 'waiting', 'player'], ['send', 'copy', 'report'], ['swhrt', 'dey', 'hope', 'tot', '2day.love', 'miss.take', 'care'], ['already', 'planned', 'wil', 'pick'], ['urgent', 'please', 'call', '0906346330', 'abta', 'complimentary', 'spanish', 'holiday', '£10,000', 'cash', 'await', 'collection', 'sae', 'box', 'po19', '2ez', '150ppm', '18+'], ['sorry', "'ll", 'call', 'later', 'meeting'], ['really', 'need', 'shit', 'tomorrow', 'know', "n't", 'awake', 'like'], ['good', 'registered', 'vote'], ['hmm', "'ll", 'stay', 'like', 'hour', 'co', 'eye', 'really', 'sore'], ['dear', 'got', 'bus', 'directly', 'calicut'], ['umma', 'ask', 'vava', 'also', 'come', 'tell', 'play', 'later', 'together'], ['well', 'general', 'price', '/oz', 'let', 'know', 'if/when/how', 'much', 'want'], ['sorry', "'ll", 'call', 'later'], ['moment', 'day', 'value-morning', 'brings', 'hope', 'afternoon', 'brings', 'faith', 'evening', 'brings', 'luv', 'night', 'brings', 'rest', 'wish', 'find', 'today.good', 'morning'], ['jetton', 'ave', 'forgot'], ['coming', 'home'], ['use', 'foreign', 'stamp', 'country'], ['double', 'min', 'txts', '6months', 'free', 'bluetooth', 'orange', 'available', 'sony', 'nokia', 'motorola', 'phone', 'call', 'mobileupd8', '08000839402', 'call2optout/n9dx'], ['sorry', 'lot', 'friend-of-a-friend', 'stuff', 'talk', 'actual', 'guy', 'want', 'buy'], ['free', '1st', 'week', 'no1', 'nokia', 'tone', 'mob', 'every', 'week', 'txt', 'nokia', '8007', 'get', 'txting', 'tell', 'mate', 'www.getzed.co.uk', 'pobox', '36504', 'w45wq', 'norm150p/tone', '16+'], ['want', 'funk', 'fone', 'weekly', 'new', 'tone', 'reply', 'tones2u', 'text', 'www.ringtones.co.uk', 'original', 'best', 'tone', '3gbp', 'network', 'operator', 'rate', 'apply'], ['cmon', 'babe', 'make', 'horny', '*turn*', 'txt', 'fantasy', 'babe', 'hot', 'sticky', 'need', 'reply', 'cost', '£1.50', 'cancel', 'send', 'stop'], ['come', 'tomorrow'], ['wylie', 'update', 'weed', 'dealer', 'carlos', 'went', 'freedom', 'class', 'lunsford'], ['happy', 'baby', 'alright', 'take', 'job', 'hope', 'fine', 'send', 'kiss', 'make', 'smile', 'across', 'sea', '...', '*kiss*', '*kiss*'], ['movie', 'juz', 'last', 'minute', 'decision', 'mah', 'juz', 'watch', 'lar', 'tot', 'interested'], ['enjoying', 'semester', 'take', 'care', 'brother'], ['important', 'information', 'orange', 'user', '0796xxxxxx', 'today', 'lucky', 'day', 'find', 'log', 'onto', 'http', '//www.urawinner.com', 'fantastic', 'prizeawaiting'], ['get', 'door'], ['let', 'use', 'next', 'week', 'princess'], ['home', 'first', 'lar', 'wait', 'lor..', 'put', 'stuff', 'first..'], ['want', 'kfc', 'tuesday', 'buy', 'meal', 'gravy', 'mark'], ['stupid', 'da..always', 'sending', 'like', 'believe', 'message.pandy', 'mental'], ['gon', 'ring'], ['missed', 'call', 'alert', 'number', 'called', 'left', 'message', '07008009200'], ['attended', 'nothing'], ['ard', '530', 'like', 'dat', 'lor', 'juz', 'meet', 'mrt', 'station', 'dun', 'haf', 'come'], ['dear', 'sleeping'], ['filled', 'tuth', 'aight'], ['office', 'around', 'going', 'hospital'], ['actually', 'waiting', 'week', 'start', 'putting'], ['anything', 'lor', 'lor', '...'], ['free', 'sat', 'rite', 'wan', 'watch', 'infernal', 'affair', 'wif', 'darren', 'mayb'], ['plz', 'note', 'anyone', 'calling', 'mobile', 'co.', 'amp', 'asks', 'type', 'disconnect', 'call', 'coz', 'attempt', "'terrorist", 'make', 'use', 'sim', 'card', 'itz', 'confirmd', 'nokia', 'motorola', 'verified', 'cnn', 'ibn'], ['around', 'friend', 'mine', 'lookin', 'pick', 'later', 'tonight'], ['stupid', 'auto', 'correct', 'phone'], ['double', 'eviction', 'week', 'spiral', 'michael', 'good', 'riddance'], ['world', 'suffers', 'lot', '...', 'violence', 'bad', 'people', 'silence', 'good', 'people', 'gud', 'night', '...'], ['thats', 'cool', 'either', 'raglan', 'edward', 'behind', 'cricket', 'ground', 'gim', 'ring', 'closeby', 'see', 'tuesday'], ['buy', 'one', 'egg', 'da..please'], ['started', 'skye'], ['bookedthe', 'hut', 'also', 'time', 'way'], ['several', 'sir'], ['really', 'pig', 'leh', 'sleep', 'much', 'dad', 'wake', 'smth', 'eat', 'lunch', 'today'], ['home', 'please', 'call'], ['love', '...', 'hope', 'anything', 'drastic', "n't", 'dare', 'sell', 'phone', '...'], ['reached', 'home', 'tired', 'come', 'tomorro'], ['freemsg', 'record', 'indicate', 'may', 'entitled', '3750', 'pound', 'accident', 'claim', 'free', 'reply', 'yes', 'msg', 'opt', 'text', 'stop'], ['win', '£100', 'music', 'gift', 'voucher', 'every', 'week', 'starting', 'txt', 'word', 'draw', '87066', 'tscs', 'www.idew.com', 'skillgame', '1winaweek', 'age16', '150ppermesssubscription'], ['life', 'style', 'garment', 'account', 'please'], ['lol', 'wtf', 'random', 'btw', 'lunch', 'break'], ['sez', 'hows', 'arab', 'boy', 'hope', 'good', 'give', 'love', 'evry1', 'love', 'eshxxxxxxxxxxx'], ['lay', 'man', 'let', 'know', 'missed', 'thought', 'great', 'day', 'send', 'bimbo', 'ugo', 'number', 'ill', 'appreciate', 'safe'], ['detroit', 'home', 'snow', 'enjoy'], ['show', 'colour', 'euro', '2004', '2-4-1', 'offer', 'get', 'england', 'flag', '3lions', 'tone', 'phone', 'click', 'following', 'service', 'message', 'info'], ['okie', '...'], ['aight', 'chillin', 'friend', 'room', 'text', "'re", 'way'], ['toshiba', 'portege', 'm100'], ['well', 'welp', 'sort', 'semiobscure', 'internet', 'thing'], ['text', 'pas', '69669', 'collect', 'polyphonic', 'ringtones', 'normal', 'gprs', 'charge', 'apply', 'enjoy', 'tone'], ['accordingly', 'repeat', 'text', 'word', 'mobile', 'phone', 'send'], ['loosu', 'hospital', 'dont', 'let', 'careless'], ['much', 'eighth'], ['omg', 'joanna', 'freaking', 'looked', 'thru', 'friend', 'find', 'photo', 'asking', 'stuff', 'myspace', "n't", 'even', 'logged', 'like', 'year'], ['send', 'birthdate', 'month', 'year', 'tel', 'life', 'partner', 'name', 'method', 'calculation', 'reply', 'must'], ['juz', 'havent', 'woke', 'bit', 'blur', 'blur', '...', 'dad', 'went', 'liao', '...', 'cant', 'cum', 'oso', '...'], ['clothes', 'jewelry', 'trip'], ['block', 'breaker', 'come', 'deluxe', 'format', 'new', 'feature', 'great', 'graphic', 't-mobile', 'buy', 'replying', 'get', 'bbdeluxe', 'take', 'challenge'], ['aah', 'cuddle', 'would', 'lush', 'need', 'lot', 'tea', 'soup', 'kind', 'fumbling'], ['important', 'information', 'orange', 'user', 'today', 'lucky', 'day', '2find', 'log', 'onto', 'http', '//www.urawinner.com', 'fantastic', 'surprise', 'awaiting'], ['late'], ['sad', 'story', 'man', 'last', 'week', "b'day", 'wife', "did'nt", 'wish', 'parent', 'forgot', 'kid', 'went', 'work', 'even', 'colleague', 'wish'], ['plan', 'family', 'set', 'stone'], ['pls', 'dont', 'forget', 'study'], ["'ll", 'never', 'believe', 'actually', 'got', 'taunton', 'wow'], ['den', 'weekday', 'got', 'special', 'price', '...', 'haiz', '...', 'cant', 'eat', 'liao', '...', 'cut', 'nail', 'oso', 'muz', 'wait', 'finish', 'drivin', 'wat', 'lunch', 'still', 'muz', 'eat', 'wat', '...'], ['broke', 'list', 'reason', 'nobody', 'town', "n't", 'tell', 'sarcastic', 'faggy'], ['decimal', 'common', 'car', 'better', 'buy', 'china', 'asia', 'find', 'le', 'expensive', 'i.ll', 'holla'], ['greatest', 'test', 'courage', 'earth', 'bear', 'defeat', 'without', 'losing', 'heart', '...', '.gn'], ['sorry', 'stil', 'fucked', 'last', 'nite', 'went', 'tobed', '430', 'got', 'work', '630'], ['hey', 'whats', 'plan', 'sat'], ['beauty', 'sleep', 'help', 'pimple'], ['great', 'hope', 'using', 'connection', 'mode', 'men', 'also', 'co', 'never', 'know', 'old', 'friend', 'lead', 'today'], ['natalja', '25/f', 'inviting', 'friend', 'reply', 'yes-440', 'no-440', 'see', 'www.sms.ac/u/nat27081980', 'stop', 'send', 'stop', 'frnd', '62468'], ['get'], ['kind', 'missed', 'train', 'co', 'asthma', 'attack', 'nxt', 'one', 'half', 'driving', 'sure', 'park'], ['ball', 'moving', 'lot.will', 'spin', 'last', 'difficult', 'bat'], ['haiyoh', '...', 'maybe', 'hamster', 'jealous', 'million'], ['please', 'send', 'aunty', 'number'], ['glad', 'following', 'dream'], ["'ve", 'reached', 'home', 'finally', '...'], ['urgent', 'important', 'information', 'user', 'today', 'lucky', 'day', 'find', 'log', 'onto', 'http', '//www.urawinner.com', 'fantastic', 'surprise', 'awaiting'], ['winner', 'valued', 'network', 'customer', 'selected', 'receivea', '£900', 'prize', 'reward', 'claim', 'call', '09061701461', 'claim', 'code', 'kl341', 'valid', 'hour'], ['hurt', 'prsn', 'close', 'fight', 'wit', 'dem', 'coz', 'somtimes', 'dis', 'fight', 'save', 'relation', 'quiet', 'leaf', 'nothin', 'relation..', 'gud', 'eveb-'], ['call', '...'], ['science', 'tell', 'chocolate', 'melt', 'sunlight', 'please', "n't", 'walk', 'sunlight', 'bcoz', "n't", 'want', 'loss', 'sweet', 'friend'], ['yes', 'come', 'nyc', 'audiitions', 'trying', 'relocate'], ['pocked'], ['congrats', 'great', 'wanted', 'tell', 'tell', 'score', 'co', 'might', 'make', 'relax', 'motivating', 'thanks', 'sharing'], ['wud', 'never', 'mind', 'dont', 'miss', 'dont', 'need', 'me..', 'wil', 'really', 'hurt', 'wen', 'need', 'amp', 'dont', 'tell', '...', '...', '...', 'take', 'care'], ['hey', 'whats', 'name', 'bill', 'brison', 'book', 'one', 'language', 'word'], ['okay', 'good', 'problem', 'thanx'], ['information', 'ikea', 'spelled', 'cap', 'yelling', 'thought', 'left', 'sitting', 'bed', 'among', 'mess', 'came', 'said', 'going', 'got', 'home', 'class', 'please', "n't", 'try', 'bullshit', 'make', 'want', 'listen', 'le'], ['call', "'re", 'done', '...'], ['g.w.r'], ['best', 'watch', 'say', 'cause', 'get', 'drunk', 'motherfucker'], ['kit', 'strip', 'billed', '150p', 'netcollex', 'ltd.', 'box', '1013', 'ig11', 'oja'], ['hmv', 'bonus', 'special', '500', 'pound', 'genuine', 'hmv', 'voucher', 'answer', 'easy', 'question', 'play', 'send', 'hmv', '86688', 'info', 'www.100percent-real.com'], ['please', 'call', '08712402578', 'immediately', 'urgent', 'message', 'waiting'], ['thesmszone.com', 'let', 'send', 'free', 'anonymous', 'masked', 'messages..im', 'sending', 'message', 'there..do', 'see', 'potential', 'abuse'], ['well', 'done', 'costa', 'del', 'sol', 'holiday', '£5000', 'await', 'collection', 'call', '09050090044', 'toclaim', 'sae', 'tc', 'pobox334', 'stockport', 'sk38xh', 'cost£1.50/pm', 'max10mins'], ['hurt', '...', 'tease', '...', 'make', 'cry', '...', 'end', 'life', 'die', 'plz', 'keep', 'one', 'rose', 'grave', 'say', 'stupid', 'miss', 'u..', 'nice', 'day', 'bslvyl'], ['erm', '...', 'woodland', 'avenue', 'somewhere', 'get', 'parish', 'magazine', 'telephone', 'number'], ['job', 'available', 'let', 'know', 'please', 'co', 'really', 'need', 'start', 'working'], ['aiyar', 'hard', 'type', 'later', 'free', 'tell', 'call', 'scold', 'tell'], ['yup', 'free', '...'], ['good', 'good', 'billy', 'mate', 'gone', 'jogging', 'enjoy', 'concert'], ['come', 'carlos', 'soon'], ['awww', 'dat', 'sweet', 'think', 'something', 'nice', 'time', 'tonight', 'ill', 'probably', 'txt', 'later', 'co', 'lonely', 'xxx'], ['guess', 'useless', 'calling', 'something', 'important'], ['popped', 'loo', 'hello-ed', 'hello'], ['dint', 'tell', 'anything', 'angry', 'told', 'abi'], ['someone', 'know', 'asked', 'dating', 'service', 'contact', 'cant', 'guess', 'call', '09058091854', 'revealed', 'box385', '6wu'], ['happens', '2waxsto', 'wat', 'want', 'come', 'ill', 'get', 'medical', 'insurance', "'ll", 'able', 'deliver', 'basic', 'care', 'currently', 'shopping', 'right', 'medical', 'insurance', 'give', 'til', 'friday', 'morning', 'thats', 'i.ll', 'see', 'major', 'person', 'guide', 'right', 'insurance'], ['keep', 'ten', 'shelf', 'buy', 'two', 'egg'], ["n't", 'well', 'babe', 'swollen', 'gland', 'throat', '...', 'end'], ['change', 'report', 'big', 'co', "'ve", 'already', 'made', 'change', 'previous', 'report'], ['captain', 'room'], ["n't", 'speak', 'bcaz', 'mobile', 'problem', 'listen', "n't", 'listen', 'voice', 'call', 'later'], ['hiya', 'stu', 'wot', '2.im', 'much', 'truble', 'home', 'moment', 'evone', 'hate', 'even', 'wot', 'hell', 'done', 'wont', 'tell', 'text', 'bck', 'please', 'luv', 'dan'], ['...', 'take', 'mokka', 'player'], ['still', 'playing', 'gautham'], ['hey', 'going', 'sea', 'view', 'couple', 'gay', 'mean', 'game', 'give', 'bell', 'finish'], ['jason', 'say', 'gon', 'around', "'ll", 'around'], ['sorry', 'able', 'get', 'see', 'morning'], ['aight', 'well', 'keep', 'informed'], ['number', 'sir'], ['searching', 'good', 'dual', 'sim', 'mobile'], ['seems', 'unnecessarily', 'hostile'], ['dude', 'got', 'haircut', 'breezy'], ['congrats', 'mobile', 'videophones', 'call', '09061744553', 'videochat', 'wid', 'mate', 'play', 'java', 'game', 'dload', 'polyh', 'music', 'noline', 'rentl', 'bx420', 'ip4', '5we', '150pm'], ['1apple/day=no', 'doctor', '1tulsi', 'leaf/day=no', 'cancer', '1lemon/day=no', 'fat', '1cup', 'milk/day=no', 'bone', 'problms', 'litre', 'watr/day=no', 'disease', 'snd', 'th', 'care..'], ['thought', 'king', 'hill', 'thing'], ['nope', "'ll", 'come', 'online', 'now..'], ['also', 'tell', 'said', 'happy', 'birthday'], ['bishan', 'lei', '...', 'tot', 'say', 'lavender'], ['boo', 'time', 'get', 'supposed', 'take', 'shopping', 'today'], ['sound', 'like', 'manky', 'scouse', 'boy', 'steve', 'like', 'travelling', 'bus', 'home.wot', 'inmind', 'recreation', 'dis', 'eve'], ['fyi', 'taking', 'quick', 'shower', 'epsilon', 'like', 'min'], ['tuesday', 'night', 'real'], ['yes', 'appt'], ['got', 'outta', 'class', 'gon', 'gym'], ['want', 'sent', 'mesages', 'today', 'thats', 'sorry', 'hurt'], ['write', 'wat..'], ['would', "n't", 'say', "n't", 'read', 'anything', 'way', 'seemed', "n't", 'like', 'judgemental', '...', 'save', 'friday', 'pub'], ['valentine', 'game', 'send', 'dis', 'msg', 'friend', 'answer', 'someone', 'really', 'love', 'ques-', 'colour', 'suit', 'best'], ['asked', 'waheeda', 'fathima', 'leave'], ['enjoy', 'urself', 'tmr', '...'], ['still', 'around', 'could', 'use', 'half-8th'], ['447801259231', 'secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09058094597'], ['give', 'back', 'proof', 'wont', 'allow', 'work', 'come', 'home', 'within', 'day'], ['bot', 'note', 'oredi', '...', 'co', 'juz', 'rem', 'got', '...'], ['yes', 'rent', 'expensive', 'way', 'save'], ['night', 'ended', 'another', 'day', 'morning', 'come', 'special', 'way', 'may', 'smile', 'like', 'sunny', 'ray', 'leaf', 'worry', 'blue', 'blue', 'bay', 'gud', 'mrng'], ['hows', 'pain', 'dear', 'smiling'], ['fun', 'fact', 'although', 'would', 'think', 'armand', 'would', 'eventually', 'build', 'tolerance', 'shit', 'considering', 'much', 'smoke', 'get', 'fucked', 'like', 'hit'], ['important', 'information', 'orange', 'user', '0789xxxxxxx', 'today', 'lucky', 'day', '2find', 'log', 'onto', 'http', '//www.urawinner.com', 'fantastic', 'surprise', 'awaiting'], ['sorry', "n't", 'help'], ['great', 'send', 'account', 'number'], ['hellogorgeous', 'hows', 'fone', 'wa', 'charge', 'lst', 'nitw', 'wen', 'texd', 'hopeu', 'nice', 'wkend', 'sure', 'lookin', '4ward', 'c-in', '2mrw', 'luv', 'jaz'], ['dating', 'service', 'asked', 'contact', 'someone', 'shy', 'call', '09058091870', 'revealed', 'pobox84', 'm26', '3uz', '150p'], ['send', 'content', 'page', '...'], ['night', 'sweet', 'sleep', 'well', "'ve", 'see', 'exorcism', 'emily', 'rose', 'may', 'never', 'sleep', 'hug', 'snogs'], ["n't", 'think', 'got', 'think', 'use', 'got', 'good', 'ni8'], ["n't", 'right', 'second', 'got', 'hit', 'people', 'first'], ['evry', 'emotion', "n't", 'hav', 'words.evry', 'wish', "n't", 'hav', 'prayrs..', 'smile', 'world', 'wit', 'u.othrwise', 'even', 'drop', 'tear', "n't", 'lik', 'stay', 'wit', 'u.so', 'happy..', 'good', 'morning', 'keep', 'smiling'], ['remember'], ['ujhhhhhhh', 'computer', 'shipped', 'address', 'sandiago', 'parantella', 'lane', 'wtf', 'poop'], ['yes', 'dear', 'look', 'hugging'], ['like', 'dis', 'sweater', 'mango', 'size', 'already', 'irritating'], ["n't", 'number', 'gon', 'massive', 'pain', 'rather', 'get', 'involved', 'possible'], ['anytime', 'lor', '...'], ['want', 'new', 'video', 'handset', '750', 'time', 'network', 'min', 'unlimited', 'text', 'camcorder', 'reply', 'call', '08000930705', 'del', 'sat'], ['purity', 'friendship', 'two', 'smiling', 'reading', 'forwarded', 'message..its', 'smiling', 'seeing', 'name', 'gud', 'evng'], ['balance', '£600', 'next', 'question', 'complete', 'landmark', 'big', 'bob', 'barry', 'ben', 'text', '83738', 'good', 'luck'], ['fine..absolutly', 'fine'], ["'re", 'sure', "n't", 'consent', 'form'], ['tonexs', 'subscription', 'renewed', 'charged', '£4.50', 'choose', 'polys', 'month', 'www.clubzed.co.uk', '*billing', 'msg*'], ["n't", 'prize', 'another', 'customer', 'www.t-c.biz', '18+', '150p/min', 'polo', 'ltd', 'suite', '373', 'london', 'w1j', '6hl', 'please', 'call', 'back', 'busy'], ['much', 'torch', '9ja'], ['nothing', 'dinner'], ['checking'], ['done', 'internet', 'connection', 'slow', 'send', 'try', 'later', 'first', 'thing', 'tomo'], ['mathews', 'tait', 'edward', 'anderson'], ['yeah', 'sure', 'thing', 'mate', 'haunt', 'got', 'stuff', 'sorted', 'going', 'sound', 'anyway', 'promoting', 'hex', '.by', 'way', 'dont', 'know', 'number', 'joke'], ['need', 'lar', 'engin', 'co', 'si', 'art', 'today', '...'], ['thanks', 'honey', 'still', "n't", 'heard', 'anything', 'leave', 'bit', 'longer', 'crowd', 'try', 'later', 'great', 'advice', 'thanks', 'hope', 'cardiff', 'still'], ['want', 'new', 'nokia', '3510i', 'colour', 'phone', 'delivered', 'tomorrow', '200', 'free', 'minute', 'mobile', '100', 'free', 'text', 'free', 'camcorder', 'reply', 'call', '8000930705'], ['snowboarding', 'trip', 'wondering', 'planning', 'get', 'everyone', 'together', 'befor', 'go..a', 'meet', 'greet', 'kind', 'affair', 'cheer'], ['s.i', 'watching', 'live..'], ['see', "'re", 'christmassy'], ['ready'], ['know', 'god', 'created', 'gap', 'fingers..', 'one', 'made', 'come', 'amp', 'fill', 'gap', 'holding', 'hand', 'love..'], ['greatest', 'test', 'courage', 'earth', 'bear', 'defeat', 'without', 'losing', 'heart', '...', '.gn'], ['new', 'year', 'plan'], ['recpt', '1/3', 'ordered', 'ringtone', 'order', 'processed', '...'], ['baaaaaaaabe', 'wake', 'miss', 'crave', 'need'], ['got', 'message', 'ignoring', 'yes', 'shopping'], ['dear', 'mood', 'cant', 'drive', 'brother', 'drive'], ['dad', 'get', 'back'], ['tell', 'shola', 'please', 'college', 'medicine', 'visit', 'academic', 'department', 'tell', 'academic', 'secretary', 'current', 'situation', 'ask', 'transfer', 'ask', 'someone', 'check', 'sagamu', 'thing', 'lautech', 'vital', 'completes', 'medical', 'education', 'nigeria', 'le', 'expensive', 'much', 'le', 'expensive', 'unless', 'getting', 'citizen', 'rate', 'new', 'zealand'], ['yes', 'finished', 'watching', 'day', 'life', 'love'], ['juz', 'google', 'search', 'qet', '...'], ['many', 'time', 'lose', 'best', 'one', 'bcoz'], ['good', 'friend', 'care', 'other..', 'close', 'friend', 'understand', '...', 'true', 'friend', 'stay', 'forever', 'beyond', 'word', 'beyond', 'time', 'gud', 'ni8'], ['getting', 'back', 'home'], ['sorry', "'ll", 'call', 'later', 'min'], ['dun', 'need', 'use', 'dial', 'juz', 'open', 'browser', 'surf', '...'], ['one', 'registered', 'subscriber', 'enter', 'draw', '100', 'g.b', 'gift', 'voucher', 'replying', 'enter', 'unsubscribe', 'text', 'stop'], ['awesome', 'plan', 'get', 'time', 'like', "'ll", 'text', 'detail', 'wee', 'bit'], ['take', 'care', 'sleep', 'well.you', 'need', 'learn', 'change', 'life.you', 'need', 'get', 'convinced', 'that.i', 'wait', 'conversation', 'us.get', 'convinced', 'time.your', 'family', 'many', 'senses.respect', 'overemphasise.or', 'role', 'life'], ['chance', 'win', 'free', 'bluetooth', 'headset', 'simply', 'reply', 'back', 'adp'], ['also', 'didnt', 'get'], ['cant', 'display', 'internal', 'sub', 'got', 'extract'], ['said', 'anything', 'wrong', 'sorry'], ['sad', 'story', 'man', 'last', 'week', "b'day", 'wife', "did'nt", 'wish', 'parent', 'forgot', 'kid', 'went', 'work', 'even', 'colleague', 'wish'], ['stupid', 'say', 'challenge', 'god.you', 'dont', 'think', 'write', 'instead', 'respond', 'immed'], ['yeah', 'able', "'ll", 'text', 'ready', 'meet'], ['skint', 'fancied', 'bevies.waz', 'gona', 'meet', 'othrs', 'spoon', 'jst', 'bin', 'watchng', 'planet', 'earth', 'sofa', 'comfey', 'dont', 'make', 'hav', 'night'], ['say', 'quitting', 'least5times', 'day', 'wud', "n't", 'take', 'much', 'notice', 'nah', "n't", 'mind', 'gon', 'see', 'want', 'come', 'taunton', 'tonight', 'tell'], ['get', 'free', 'call'], ['little', 'darling', 'far', 'week', 'need', 'coffee', 'run', 'tomo', "n't", 'believe', 'time', 'week', 'already'], ['msg', 'leave', 'house'], ['still', 'west', 'coast', '...', 'haiz', '...', "'ll", 'take', 'forever', 'come', 'back', '...'], ['mmm', '...', 'fuck', '...', 'merry', 'christmas'], ['alright', 'thanks', 'advice', 'enjoy', 'night', "i'ma", 'try', 'get', 'sleep', '...'], ['update', 'face', 'book', 'status', 'frequently'], ['saw', 'message.it'], ['wa', 'something', 'ate'], ['bank', 'say', 'money'], ['aiyar', 'dun', 'disturb', 'liao', '...', 'thk', 'lot', 'aft', 'cupboard', 'come', '...'], ['hey', 'watching', 'movie', 'tonight', "'ll", 'prob', 'home', 'early', '...'], ['yar', 'lor', '...', 'noe', 'used', 'dat', 'route'], ['2mro', 'coming', 'gym', 'machan', 'goodnight'], ['dont', 'think', 'need', 'yellow', 'card', 'travel', 'ask', 'someone', 'gone', 'buck'], ['look', 'lib', 'got', 'stuff', 'havent', 'finish', 'yet'], ['sound', 'great', 'going', 'sleep', 'good', 'night'], ["n't", 'floppy', '...', 'snappy', 'happy', 'gay', 'chat', 'service', 'photo', 'upload', 'call', '08718730666', '10p/min', 'stop', 'text', 'call', '08712460324'], ['house-maid', 'murderer', 'coz', 'man', 'murdered', 'january..', 'public', 'holiday', 'govt.instituitions', 'closed', 'including', 'post', 'office..understand'], ['come', 'got', 'nothing'], ['nothing', 'ever', 'easy', "n't", 'looking', 'reason', 'take', 'risk', 'life', 'love'], ['want', 'grasp', 'pretty', 'booty'], ["'ve", 'got', 'tea', 'sure', 'flavour'], ['going', 'orchard', 'laready', 'reaching', 'soon', 'reaching'], ['dear', 'denying', 'word', 'please'], ['know', 'old', 'dom', 'told', 'yesterday', 'name', 'roger', 'got', 'touch', 'last', 'night', 'want', 'meet', 'today'], ['come', 'back', 'tampa', 'ffffuuuuuuu'], ['celebrate', 'b\x92day', 'else'], ['merry', 'christmas', 'annie'], ['please', 'tell', 'special', 'stock', 'talking'], ['sent', 'like'], ['urgent', 'awarded', 'complimentary', 'trip', 'eurodisinc', 'trav', 'aco', 'entry41', '£1000', 'claim', 'txt', 'dis', '87121', '18+6*£1.50', 'morefrmmob', 'shracomorsglsuplt', 'ls1', '3aj'], ['awesome', 'minute'], ['problem', 'walk', 'around', 'julianaland', 'oblivious', 'going', 'around', 'say', 'thing', 'constantly', 'one', 'ear', 'whatever', 'want', "n't", 'know', 'upset', "n't", 'listen', 'tell', 'going', 'upset', 'want', 'surprised', 'mad'], ["'ve", 'told', 'everything', 'stop', 'dont', 'let', 'get', 'dehydrated'], ['guess', 'min'], ['home', 'ard', 'wat', 'time', 'reach'], ['storming', 'msg', 'wen', 'lift', 'phne', 'say', 'hello', 'knw', 'real', 'meaning', 'hello', 'name', 'girl..', 'yes..', 'knw', 'dat', 'girl', 'margaret', 'hello', 'girlfrnd', 'grahmbell', 'invnted', 'telphone', '...', 'moral', 'one', '4get', 'name', 'person', 'girlfrnd', '...'], ['want', 'mapquest', 'something', 'look', 'usf', 'dogwood', 'drive', 'tiny', 'street', 'parking', 'lot'], ['aight', 'plan', 'come', 'later', 'tonight'], ['die', '...', 'accidentally', 'deleted', 'msg', 'suppose', 'put', 'sim', 'archive', 'haiz', '...', 'sad', '...'], ['welcome', 'uk-mobile-date', 'msg', 'free', 'giving', 'free', 'calling', '08719839835', 'future', 'mg', 'billed', '150p', 'daily', 'cancel', 'send', 'stop', '89123'], ['wishing', 'great', 'day', 'moji', 'told', 'offer', 'always', 'speechless', 'offer', 'easily', 'great', 'length', 'behalf', 'stunning', 'exam', 'next', 'friday', 'keep', 'touch', 'sorry'], ['thanks', 'reply', 'today', 'visa', 'coming', 'still', 'buying', 'gucci', 'bag', 'sister', 'thing', 'easy', 'uncle', 'john', 'also', 'bill', 'really', 'need', 'think', 'make', 'money', 'later', 'sha'], ['sorry', 'flaked', 'last', 'night', 'shit', 'seriously', 'goin', 'roommate', 'tonight'], ['said', 'look', 'pretty', 'wif', 'long', 'hair', 'wat', 'thk', 'cutting', 'quite', 'short', 'leh'], ['ranjith', 'cal', 'drpd', 'deeraj', 'deepak', '5min', 'hold'], ['cheer', 'callin', 'babe.sozi', 'culdnt', 'talkbut', 'wannatell', 'detail', 'later', 'wenwecan', 'chat', 'properly'], ['hey', 'still', 'gym'], ['said', 'mind', 'bedroom', 'minute', "''ok", 'sed', 'sexy', 'mood', 'came', 'minuts', 'latr', 'wid', 'cake', '...', 'wife'], ['much', 'better', 'thanks', 'lol'], ['nothing', 'smsing', 'lor', 'sorry', 'lor', 'guy', 'neva', 'person', 'sort', 'know', 'lor', 'wan', 'meet', 'ask', 'bring', 'along', 'next', 'meeting'], ['lem', 'know', 'swing', 'pick', 'free', 'basically', 'time', 'semester'], ['...', 'efficient', '...', 'gee', '...', 'thanx', '...'], ['received', 'mobile', 'content', 'enjoy'], ['able', 'sleep'], ['want', 'explicit', 'sex', 'sec', 'ring', '02073162414', 'cost', '20p/min'], ['meet', 'soon', 'princess', 'ttyl'], ["'ll", 'pick', '5.15pm', 'taunton', 'still', 'want', 'come'], ['outside', 'player', 'allowed', 'play', 'know'], ['anything', 'lor'], ['erutupalam', 'thandiyachu'], ['cant', 'try', 'new', 'invention', 'fly..i', 'joking.'], ['no..its', 'ful', 'song', 'lyrics..'], ['reckon', 'need', 'arrange', 'transport', "n't", 'thanks'], ['true', 'lov', 'care', 'wil', 'nevr', 'unrecognized', 'though', 'somone', 'often', 'make', 'mistake', 'valuing', 'definitly', 'undrstnd', 'start', 'missing'], ['shopping', 'ger', 'toking', 'abt', 'syd', 'leh', '...', 'haha'], ['standing'], ['good', 'weekend'], ['miss', 'call', 'miss', 'call', 'khelate', 'kintu', 'opponenter', 'miss', 'call', 'dhorte', 'lage', 'thats', 'rule', 'one', 'great', 'phone', 'receiving', 'quality', 'win'], ['call', 'get', 'chance', 'plz'], ['new', 'deus', 'game', 'comin', 'early', 'next'], ['computer', 'fried', 'essential', 'part', "n't", 'keep', 'spare', 'fucking', 'idiot', 'roommate', 'looovvve', 'leaving', 'thing', 'running', 'full'], ['friend', 'studying', 'warwick', "'ve", 'planned', 'shopping', 'concert', 'tmw', 'may', 'canceled', 'hav', "n't", 'seen', 'age', 'yeah', 'get', 'together', 'sometime'], ['probably', 'couple', 'hour', 'top'], ['lol', '*grins*', 'babe', 'thanks', 'thinking'], ['man', 'bus', 'slow', 'think', "'re", 'gon', 'get'], ['hope', 'text', 'meet', 'smiling', 'let', 'text', 'give', 'reason', 'smile', 'beautiful', 'day'], ['case', 'wake', 'wondering', 'forgot', 'take', 'care', 'something', 'grandma', 'today', 'done', 'parade'], [], ['latest', 'nokia', 'mobile', 'ipod', 'mp3', 'player', '+£400', 'proze', 'guaranteed', 'reply', 'win', '83355', 'norcorp', 'ltd.£1,50/mtmsgrcvd18+'], ['sm', 'service', 'inclusive', 'text', 'credit', 'pls', 'goto', 'www.comuk.net', 'login=', '3qxj9', 'unsubscribe', 'stop', 'extra', 'charge', 'help', '08702840625.comuk', '220-cm2', '9ae'], ['nvm', 'take', 'time'], ['wat', 'decision'], ['wot', 'bitch'], ['stupid.its', 'possible'], ['told', 'want', 'posting', 'chennai', 'working'], ['mobile', 'club', 'choose', 'top', 'quality', 'item', 'mobile', '7cfca1a'], ['guy', 'leaving'], ['neva', 'grumble', 'sad', 'lor', '...', 'hee', '...', 'buy', 'tmr', 'lor', 'aft', 'lunch', 'still', 'meetin', 'lunch', 'tmr', 'neva', 'hear', 'lei', 'got', 'lot', 'work'], ['able', 'anything'], ['takin', 'linear', 'algebra', 'today'], ['weekend', 'fine', 'excuse', 'much', 'decorating'], ['sorry', 'missed', 'babe', 'late', 'slept', 'hope', 'enjoy', 'driving', 'lesson', 'boytoy', 'miss', '...', '*teasing', 'kiss*'], ['project', 'pa.', 'come'], ['money', 'wining', 'number', '946', 'wot', 'next'], ['sure', 'whenever', 'show', 'fuck'], ['random', 'saw', 'old', 'roomate', 'campus', 'graduated'], ['congrats', 'mobile', 'videophones', 'call', '09061744553', 'videochat', 'wid', 'mate', 'play', 'java', 'game', 'dload', 'polyh', 'music', 'noline', 'rentl', 'bx420', 'ip4', '5we', '150pm'], ['men', 'always', 'need', 'beautiful', 'intelligent', 'caring', 'loving', 'adjustable', 'cooperative', 'wife', 'law', 'allows', 'one', 'wife', '...'], ['suck', 'got', 'planned', 'valentine', 'valentine', "n't"], ['got', 'part', 'nottingham', 'hr', '63miles', 'good', 'thing', 'love', 'man', 'much', '40mph', 'hey'], ['think', 'one', 'saying', 'clearly', 'leave', 'need', 'ask', 'come'], ['good', 'mornin..', 'thanku', 'wish', 'same..'], ['want', 'meet', '2morro'], ['actually', 'decided', 'hungry', "n't", 'left', 'yet'], ["'ve", 'sent', 'part..'], ['co', 'shopping', 'wif', 'darren', 'jus', 'called', 'ask', 'wat', 'present', 'wan', 'lor', 'started', 'guessing', 'wif', 'finally', 'guessed', 'darren', 'lor'], ['want', 'cock', 'hubby', 'away', 'need', 'real', 'man', 'satisfy', 'txt', 'wife', '89938', 'string', 'action', 'txt', 'stop', 'end', 'txt', 'rec', '£1.50ea', 'otbox', '731', 'la1', '7ws'], ['understand', 'loss', 'gain', 'work', 'school'], ['missed', 'havent', 'much', 'bit', 'bored', 'holiday', 'want', 'bak', 'college', 'sad', 'isnt'], ['hiya', 'probably', 'coming', 'home', 'weekend', 'next'], ["n't", 'forget', 'though', 'love', '...', 'walk', 'beside', 'watching', 'keeping', 'heart', 'warm'], ['wish', 'thing', 'different', 'wonder', 'able', 'show', 'much', 'value', 'pls', 'continue', 'brisk', 'walk', 'drug', 'without', 'askin', 'please', 'find', 'thing', 'laugh', 'love', 'dearly'], ['day', 'making', 'dinner', 'tonite', 'invited'], ['gr8', 'new', 'service', 'live', 'sex', 'video', 'chat', 'mob', 'see', 'sexiest', 'dirtiest', 'girl', 'live', 'phone', 'detail', 'text', 'horny', '89070', 'cancel', 'send', 'stop', '89070'], ['money', 'steve', 'mate'], ['late', 'tellmiss', 'way'], ['never', 'blame', 'day', 'life', 'good', 'day', 'give', 'happiness', 'bad', 'day', 'give', 'experience', 'essential', 'life', 'god', 'blessing', 'good', 'morning'], ['normally', 'use', 'drink', 'water', 'daily'], ['dare', 'ask', '...', 'luck', 'sorting', 'car'], ['party', 'place', 'usf', 'charge', 'contribute', 'way', 'greatly', 'appreciated', 'yeah', 'got', 'room', 'one'], ['urgh', 'coach', 'hot', 'smell', 'chip', 'fat', 'thanks', 'especially', 'duvet', 'predictive', 'text', 'word'], ['hiya', 'last', 'night', "'ve", 'naughty', 'bought', 'clothes', 'little', '...', 'ready', 'shopping', 'tho', 'kind', 'time', 'wan', 'meet'], ['freemsg', 'baby', 'wow', 'got', 'new', 'cam', 'moby', 'wan', 'hot', 'pic', 'fancy', 'chat', 'w8in', '4utxt', 'rply', 'chat', '82242', 'hlp', '08712317606', 'msg150p', '2rcv'], ["'ve", 'trying', 'reach', 'without', 'success'], ['derek', 'done', 'class'], ['never', 'lei', '...', 'lazy', '...', 'got', 'wat', 'dat', 'day', 'send', 'url', 'cant', 'work', 'one', '...'], ['never', 'try', 'alone', 'take', 'weight', 'tear', 'come', 'heart', 'fall', 'eye', '...', 'always', 'remember', 'stupid', 'friend', 'share', '...', 'bslvyl'], ['hey', 'mate', 'spoke', 'mag', 'people', 'deliver', 'end', 'month', 'deliver', '24th', 'sept.', 'talk', 'later'], ['hope', 'good', 'week', 'checking'], ['haha', 'friend', 'tyler', 'literally', 'asked', 'could', 'get', 'dubsack'], ['hey', 'fancy', 'meetin', 'cha', 'hav', 'lil', 'beverage', 'txt', 'ring', 'meet', 'l8r', 'quite', 'tired', 'got', 'v.pist', 'love', 'pete'], ['great', 'safe', 'trip', 'dont', 'panic', 'surrender'], ['symptom', 'love', '1.u', 'like', 'listening', 'song', '2.u', 'get', 'stopped', 'see', 'name', 'beloved', '3.u', "n't", 'get', 'angry'], ['sun', '...', 'thk', 'mayb', 'dun', 'anythin', '...', 'thk', 'book', 'lesson', '...', 'pilate', 'orchard', 'mrt', 'noe', 'hor', '...'], ['try', 'something', 'dear', 'read', 'something', 'exam'], ['wonder', 'world', '7th', '6th', 'style', '5th', 'smile', '4th', 'personality', '3rd', 'nature', '2nd', 'sm', '1st', 'lovely', 'friendship', '...', 'good', 'morning', 'dear'], ['gettin', 'rdy', 'ship', 'comp'], ['hospital', 'return', 'home', 'evening'], ['piss', 'talking', 'someone', 'realise', 'point', 'read', 'backwards'], ['think', 'wil'], ['awake'], ['good', 'afternoon', 'boytoy', 'go', 'walking', 'day', 'get', 'police', 'abstract', 'still', 'wake', 'miss', 'babe'], ['much', 'trying', 'get'], ['come', 'around', 'decimal', 'vikky..i', 'otside', 'come', 'tht', 'time'], ['tell', 'address'], ['honeybee', 'said', 'sweetest', 'world*', 'god', 'laughed', 'amp', 'said', '*wait', 'havnt', 'met', 'person', 'reading', 'msg*', 'moral', 'even', 'god', 'crack', 'joke', 'gm+gn+ge+gn'], ['buy', 'blackberry', 'bold', 'torch', 'buy', 'new', 'used', 'let', 'know', 'plus', 'saying', 'buy', 'wifi', 'ipad', 'saying'], ['together', 'thinkin'], ['hiya', 'hows', 'going', 'sunny', 'africa', 'hope', 'avin', 'good', 'time', 'give', 'big', 'old', 'silver', 'back', 'big', 'kiss'], ['time', 'come', 'tomorrow'], ['wan', 'laugh', 'try', 'chit-chat', 'mobile', 'logon', 'txting', 'word', 'chat', 'send', '8883', 'box', '4217', 'london', 'w1a', '6zf', '16+', '118p/msg', 'rcvd'], ['cha', 'quiteamuzing', 'that\x92scool', 'babe', 'probpop', 'satthen', 'hunny', '4brekkie', 'love', 'jen', 'xxx', 'psxtra', 'lrg', 'portion', 'please'], ['omg', 'know', 'ate'], ['urgent', '2nd', 'attempt', 'contact', '£1000call', '09071512432', '300603t', 'csbcm4235wc1n3xx.callcost150ppmmobilesvary', 'max£7'], ['...'], ['directly', 'behind', '...', 'abt', 'row', 'behind', '...'], ['congratulation', 'awarded', '500', 'voucher', '125gift', 'guaranteed', 'free', 'entry', '100', 'wkly', 'draw', 'txt', 'music', '87066'], ['contract', 'mobile', 'mnths', 'latest', 'motorola', 'nokia', 'etc', 'free', 'double', 'min', 'text', 'orange', 'tariff', 'text', 'yes', 'callback', 'remove', 'record'], ['urgent', 'call', '09066350750', 'landline', 'complimentary', 'ibiza', 'holiday', '10,000', 'cash', 'await', 'collection', 'sae', 'box', '434', 'sk3', '8wp', '150', 'ppm', '18+'], ['plan', 'yet'], ['...', '.my', 'engagement', 'fixd', 'next', 'month', 'know', 'really', 'shocking', '...', '.hmm', 'njan', 'vilikkam', '...', 'sudn'], ['course', 'math', 'one', 'day', 'one', 'chapter', 'one', 'month', 'finish'], ['wow', "n't", 'think', 'common', 'take', 'back', 'freak', 'unless', 'chop'], ['chance', 'win', '£250', 'wkly', 'shopping', 'spree', 'txt', 'shop', '80878', 'www.txt-2-shop.com', 'custcare', '08715705022', '1x150p/wk'], ['noooooooo', 'please', 'last', 'thing', 'need', 'stress', 'life', 'fair'], ['secret', 'admirer', 'looking', 'make', 'contact', 'u-find', 'r*reveal', 'think', 'special-call', '09065171142-stopsms-08718727870150ppm'], ['mila', 'age23', 'blonde', 'new', 'look', 'sex', 'guy', 'like', 'fun', 'text', 'mtalk', '69866.18', '30pp/txt', '1st', '5free', '£1.50', 'increment', 'help08718728876'], ["'ll", 'see', 'swing', 'bit', 'got', 'thing', 'take', 'care', 'firsg'], ['wanted', 'wish', 'happy', 'new', 'year', 'wanted', 'talk', 'legal', 'advice', 'gary', 'split', 'person', "'ll", 'make', 'trip', 'ptbo', 'hope', 'everything', 'good', 'babe', 'love'], ['finished', 'work', 'yet', 'something'], ['tomorrow', 'going', 'theatre', 'come', 'wherever', 'call', 'tell', 'come', 'tomorrow'], ['well', 'done', 'england', 'get', 'official', 'poly', 'ringtone', 'colour', 'flag', 'yer', 'mobile', 'text', 'tone', 'flag', '84199', 'opt-out', 'txt', 'eng', 'stop', 'box39822', 'w111wx', '£1.50'], ['right', 'wasnt', 'phoned', 'someone', 'number', 'like'], ['wun', 'angry', 'msg', 'aft', 'come', 'home', 'tonight'], ['good', 'time', 'nice', 'something', 'bit', 'different', 'weekend', 'change', 'see', 'soon'], ['sorry', 'shower', 'sup'], ['carlos', 'pick', "'ll", 'swing', 'usf', 'little', 'bit'], ['full', 'heat', 'applyed', 'oil'], ['stuck', 'middle', 'row', 'right', 'hand', 'side', '...'], ['laid', 'airtel', 'line', 'rest'], ['decide', 'wot', 'get', 'bday', 'ill', 'prob', 'jus', 'get', 'voucher', 'frm', 'virgin', 'sumfing'], ['freemsg', 'txt', 'call', '86888', 'claim', 'reward', 'hour', 'talk', 'time', 'use', 'phone', 'subscribe6gbp/mnth', 'inc', '3hrs', 'stop', 'txtstop'], ['hey', 'feeling', 'better', 'hopeso', 'hunny', 'amnow', 'feelin', 'ill', 'ithink', 'may', 'tonsolitusaswell', 'damn', 'iam', 'layin', 'bedreal', 'bored', 'lotsof', 'luv', 'xxxx'], ["n't", 'plan', 'staying', 'night', 'prolly', "n't", 'back', 'til', 'late'], ['thanx', 'puttin', 'fone'], ['need', '8th', 'campus', 'atm', 'could', 'pick', 'hour', 'two'], ['...', 'haha', '...', 'den', 'shld', 'went', 'today', '...', 'gee', 'nvm', '...', 'kaiez', 'dun', 'mind', 'goin', 'jazz', 'oso', '...', 'scared', 'hiphop', 'open', 'cant', 'catch', '...'], ['running', 'managed', 'minute', 'needed', 'oxygen', 'might', 'resort', 'roller', 'option'], ['live', 'next', 'min'], ['asking', 'like'], ['glad', 'talking'], ['wat', 'time', 'finish'], ['sorry', 'gone', 'mad', 'many', 'pending', 'work'], ['much', 'got', 'cleaning'], ['hows', 'favourite', 'person', 'today', 'workin', 'hard', 'could', "n't", 'sleep', 'last', 'nite', 'nearly', 'rang', '4.30'], ['sunshine', 'quiz', 'win', 'super', 'sony', 'dvd', 'recorder', 'canname', 'capital', 'australia', 'text', 'mquiz', '82277'], ['called', 'dad', 'oredi', '...'], ['good', 'think', 'could', 'send', 'pix', 'would', 'love', 'see', 'top', 'bottom', '...'], ['nvm', '...', 'going', 'wear', 'sport', 'shoe', 'anyway', '...', 'going', 'late', 'leh'], ['sorry', "'ll", 'call', 'later', 'meeting'], ['long', 'fuckin', 'showr'], ['received', 'understood', 'acted', 'upon'], ['finally', 'came', 'fix', 'ceiling'], ['need', 'presnts', 'always', 'bcz', 'cant', 'mi', 'love', 'jeevithathile', 'irulinae', 'neekunna', 'prakasamanu', 'sneham', 'prakasam', 'ennal', 'prabha', "'that", 'mn', 'prabha', "is'love", 'got', 'dont', 'mi', '...'], ['jus', 'finish', 'blowing', 'hair', 'finish', 'dinner', 'already'], ['bus', 'love'], ['lol', '...', 'knew', '...', 'saw', 'dollar', 'store'], ['please', 'call', 'customer', 'service', 'representative', '0800', '169', '6031', '10am-9pm', 'guaranteed', '£1000', 'cash', '£5000', 'prize'], ['today', 'voda', 'number', 'ending', '7634', 'selected', 'receive', '£350', 'reward', 'match', 'please', 'call', '08712300220', 'quoting', 'claim', 'code', '7684', 'standard', 'rate', 'apply'], ['saturday', 'sunday', 'holiday', 'difficult'], ['everybody', 'fun', 'evening', 'miss'], ['got', 'hella', 'gas', 'money', 'want', 'grand', 'nature', 'adventure', 'galileo', 'little', 'bit'], ['meeting', 'call', 'later'], ['wow', 'thats', 'gay', 'firmware', 'update', 'help'], ["n't", 'move', 'morphine'], ['come', 'din', '...', 'yup', 'cut', 'hair', '...'], ['lunch', 'aha'], ['first', 'time', 'use', 'type', 'word'], ['captain', 'vijaykanth', 'comedy', 'captain', 'tv..he', 'drunken'], ['course', 'guess', 'god', 'got', 'hold', 'right'], ['hide', 'anythiing', 'keeping', 'distance'], ['havent'], ['ripped', 'get', 'mobile', 'content', 'www.clubmoby.com', 'call', '08717509990', 'poly/true/pix/ringtones/games', 'six', 'downloads'], ['sorry', 'din', 'lock', 'keypad'], ['got', 'person', 'story'], ['planning', 'come', 'chennai'], ['tried', 'contact', 'reply', 'offer', 'video', 'phone', '750', 'anytime', 'network', 'min', 'half', 'price', 'line', 'rental', 'camcorder', 'reply', 'call', '08000930705'], ['god', 'created', 'gap', 'btwn', 'finger', 'dat', 'sum1', 'vry', 'special', 'fill', 'gap', 'holding', 'hands..', 'plz', 'dont', 'ask', 'created', 'much', 'gap', 'leg'], ['okay', 'going', 'sleep', 'later'], ['please', 'protect', 'e-threats', 'sib', 'never', 'asks', 'sensitive', 'information', 'like', 'password', 'atm/sms', 'pin', 'thru', 'email', 'never', 'share', 'password', 'anybody'], ['finally', 'happened..', 'aftr', 'decades..', 'beer', 'cheaper', 'petrol', 'goverment', 'expects', 'drink', "n't", 'drive'], ['£400', 'xmas', 'reward', 'waiting', 'computer', 'randomly', 'picked', 'loyal', 'mobile', 'customer', 'receive', '£400', 'reward', 'call', '09066380611'], ['meeting', 'tmr'], ['lol', 'yes', 'add', 'spice', 'day'], ['hope', 'great', 'day'], ['prasanth', 'ettans', 'mother', 'passed', 'away', 'last', 'night', 'pray', 'family'], ["'ll", 'work', 'something'], ['private', '2003', 'account', 'statement', 'show', '800', 'un-redeemed', 'point', 'call', '08718738002', 'identifier', 'code', '48922', 'expires', '21/11/04'], ['message', 'great', 'doctor', 'india', 'drink', 'appy', 'fizz', 'contains', 'cancer', 'causing', 'age'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['call', 'tell', 'infront', 'call'], ['prob', '...'], ['lady', 'first', 'genus', 'second'], ['yes', 'please', 'swimming'], ['mum', 'going', 'robinson', 'already'], ['set', 'let', 'noe', 'detail', 'later', '...'], ['not..tel', 'software', 'name..'], ['send', 'print'], ['realy', 'soz', 'imat', 'mum', '2nite', '2moro'], ['born', 'god', 'said', 'another', 'idiot', 'born', 'god', 'said', 'competition', 'knew', 'one', 'day', 'two', 'become', 'freinds', 'forever'], ['didnt', 'get', 'full', 'msg..sometext', 'missing', 'send'], ['probably', 'almost', 'gas', 'get', 'cash', 'tomorrow'], ['customer', 'service', 'announcement', 'recently', 'tried', 'make', 'delivery', 'unable', 'please', 'call', '07099833605', 're-schedule', 'ref:9280114'], ['forgot', 'ask', 'smth..', 'card', 'present', 'lei', '...', 'want', 'write', 'smth', 'sign'], ['leaving', 'house'], ['babe', 'chloe', 'smashed', 'saturday', 'night', 'great', 'weekend', 'missing', 'visionsms.com', 'text', 'stop', 'stop', '150p/text'], ['ready', 'call', '...'], ['wewa', '130', 'iriver', '255', '128'], ['good', 'thing', 'getting', 'connection'], ['sry', 'da..jst', 'came', 'home..'], ['cool', "'ll", 'night', 'lem', 'know', "'re", 'around'], ['staying', 'town'], ['haha', 'yeah', 'kind', 'shitload'], ['take', 'shopping', 'get', 'paid'], ['life', 'mean', 'lot', 'love', 'life', 'love', 'people', 'life', 'world', 'call', 'friend', 'call', 'world'], ['alright', "'ll", 'bring', 'see', 'like', 'min'], ['pls', 'dont', 'play', 'others', 'life'], ['eatin', 'lunch', '...'], ['hmmm.but', 'give', 'one', 'day..'], ["n't", 'try', 'decided', 'head'], ['prob'], ['surly', 'ill', 'give', 'coming', 'review'], ['march', 'ending', 'ready', 'call', 'sure', 'problem', 'capital', 'never', 'complete', 'far', 'work', 'lady'], ['tessy..pls', 'favor', 'pls', 'convey', 'birthday', 'wish', 'nimya..pls', 'dnt', 'forget', 'today', 'birthday', 'shijas'], ['pls', 'give', 'food', 'preferably', 'pap', 'slowly', 'load', 'sugar', 'take', 'hour', 'give', 'water', 'slowly'], ['urgent', 'mobile', '07808726822', 'awarded', '£2,000', 'bonus', 'caller', 'prize', '02/09/03', '2nd', 'attempt', 'contact', 'call', '0871-872-9758', 'box95qu'], ['guy', 'get', 'used', 'dumb', 'realize'], ['okey', 'dokey', 'bit', 'sorting', 'stuff'], ['whats', 'plan'], ['yes', 'fine'], ['win', 'winner', 'mr.', 'foley', 'ipod', 'exciting', 'prize', 'soon', 'keep', 'eye', 'mobile', 'visit', 'www.win-82050.co.uk'], ['liked', 'new', 'mobile'], ['anytime', '...'], ['mmmmmmm', '*snuggles', 'you*', '...', '*deep', 'contented', 'sigh*', '...', '*whispers*', '...', 'fucking', 'love', 'much', 'barely', 'stand', '...'], ['yar', 'say', 'got', 'error'], ['hey', 'anyway'], ['wow', 'healthy', 'old', 'airport', 'lor', 'cant', 'thk', 'anything', 'else', "'ll", 'bathing', 'dog', 'later'], ['wif', 'family', 'booking', 'tour', 'package'], ['say', 'bold', 'torch', 'later', 'one', 'torch', '2bold'], ['haha', 'awesome', 'might', 'need', 'take', 'doin', 'tonight'], ['knw', 'giv..its', 'thanks', 'kano..anyway', 'enjoy', 'wit', 'family', 'wit', '1st', 'salary..'], ['huh', 'slow', 'tot', 'reach', 'long', 'ago', 'liao', '...', 'day', 'leh', '...'], ['thats', 'cool', 'princess', 'cover', 'face', 'hot', 'sticky', 'cum'], ['big', 'brother', 'really', 'scraped', 'barrel', 'shower', 'social', 'misfit'], ['oops', 'thk', 'dun', 'haf', 'enuff', '...', 'check', 'tell', 'ü..'], ['min', 'lunch'], ['hey', 'happened', 'switch', 'cell', 'whole', 'day', 'isnt', 'good', 'care', 'give', 'call', 'tomorrow'], ['addie', 'amp', 'art', "'ll", 'get', 'home'], ['uncle', 'atlanta', 'wish', 'guy', 'great', 'semester'], ['aiyo', '...', 'lesson', 'early', '...', 'still', 'sleepin', 'haha', '...', 'okie', 'home', 'liao', 'den', 'confirm', 'lor', '...'], ['forgot', 'tell', 'smth..', 'like', 'number', 'section', 'clearer..'], ['yup', 'anything', 'lor', 'dun', 'wan', '...'], ['home', 'love', '...', 'still', 'awake', '...', '*loving', 'kiss*'], ['hello', 'peach', 'cake', 'tasts', 'lush'], ['free', 'game', 'get', 'rayman', 'golf', 'free', 'game', 'arcade', '1st', 'get', 'game', 'setting', 'reply', 'post', 'save', 'activ8', 'press', 'key', 'arcade', 'termsapply'], ["'ll", 'minor', 'shindig', 'place', 'later', 'tonight', 'interested'], ['jason', 'say', 'cool', 'pick', 'place', 'like', 'hour'], ['mobile', 'mths', 'update', 'latest', 'camera/video', 'phone', 'free', 'keep', 'number', 'get', 'extra', 'free', 'mins/texts', 'text', 'yes', 'call'], ['career', 'tel', 'added', 'contact', 'indyarocks.com', 'send', 'free', 'sm', 'remove', 'phonebook', 'sm'], ["'ve", 'reached', 'already'], ['dont', 'know', 'ask', 'brother', 'nothing', 'problem', 'thing', 'told'], ['eng', 'rocking', 'ash'], ['wat', 'time', 'going', 'xin', 'hostel'], ['good', 'morning', 'dear', 'shijutta', '...', '...', '...', 'great', 'amp', 'successful', 'day'], ['buy', 'space', 'invader', 'chance', 'win', 'orig', 'arcade', 'game', 'console', 'press', 'game', 'arcade', 'std', 'wap', 'charge', 'see', 'o2.co.uk/games', 'term', 'setting', 'purchase'], ['placement'], ['possession', 'especially', 'first', 'offense'], ['driving', 'even', 'many', 'reason', 'called', 'bbd..thts', 'chikku', 'abt', 'dvg', 'cold..heard', 'tht', 'vinobanagar', 'violence', 'condition..and', 'problem'], ['bought', 'test', 'yesterday', 'something', 'let', 'know', 'exact', 'day', 'ovulate.when', 'get', '3wks', 'pls', 'pls', 'dont', 'fret', 'know', 'worried', 'pls', 'relax', 'also', 'anything', 'past', 'history', 'need', 'tell'], ['pizza', 'want'], ['keep', 'seeing', 'weird', 'shit', 'bein', 'woah', 'realising', 'actually', 'reasonable'], ['many', 'happy', 'return', 'day', 'wish', 'happy', 'birthday'], ['nice', '.be', 'ready', 'thursday'], ['hospital', 'return', 'home', 'evening'], ['thinking'], ['camera', 'awarded', 'sipix', 'digital', 'camera', 'call', '09061221066', 'fromm', 'landline', 'delivery', 'within', 'day'], ['orh', 'tot', 'say', 'still', 'dun', 'believe'], ['put', 'sign', 'choose', 'number', 'pin', 'show', 'right'], ['beauty', 'life', 'next', 'second..', 'hide', 'thousand', 'secret', 'wish', 'every', 'second', 'wonderful', 'life', '...', 'gud'], ['thanx', 'darlin', 'cool', 'thanx', 'bday', 'drink', 'nite', '2morrow', 'take', 'care', 'soon.xxx'], ["'re", 'still', 'maybe', 'leave', 'credit', 'card', 'get', 'gas', 'get', 'back', 'like', 'told'], ['weekly', 'cool-mob', 'tone', 'ready', 'download', 'week', 'new', 'tone', 'include', 'crazy', 'frog-axel', 'akon-lonely', 'black', 'eyed-dont', 'info'], ['well', 'boy', 'glad', 'wasted', 'night', 'applebees', 'nothing'], ['cashbin.co.uk', 'get', 'lot', 'cash', 'weekend', 'www.cashbin.co.uk', 'dear', 'welcome', 'weekend', 'got', 'biggest', 'best', 'ever', 'cash', 'give', 'away', 'these..'], ['lor', '...', 'wan', 'look'], ['wan', 'haf', 'lunch', 'canteen'], ["n't", 'make', 'life', 'stressfull..', 'always', 'find', 'time', 'laugh..', 'may', 'add', 'year', 'life', 'surely', 'add', 'life', 'year', 'gud', 'ni8..swt', 'dreams..'], ['hey', 'look', 'like', 'wrong', 'one', 'kappa', 'guy', 'number', 'still', 'phone', 'want', 'text', 'see', 'around'], ['urgent', 'mobile', 'number', 'awarded', '£2000', 'prize', 'guaranteed', 'call', '09061790121', 'land', 'line', 'claim', '3030', 'valid', '12hrs', '150ppm'], ['thanks', 'continued', 'support', 'question', 'week', 'enter', 'in2', 'draw', '£100', 'cash', 'name', 'new', 'president', 'txt', '80082'], ['home', 'doc', 'gave', 'pain', 'med', 'say', 'everything', 'fine'], ['140', 'ard', '...', 'rest', 'ard', '180', 'least', '...', 'price', 'bedrm', '900'], ['lovely', 'night', 'xxx'], ['prepare', 'pleasured'], ['technical', 'support.providing', 'assistance', 'customer', 'call', 'email'], ['text', 'way', 'cup', 'stop', 'work', 'bus'], ['whens', 'radio', 'show'], ['unique', 'user', '1172', 'removal', 'send', 'stop', '87239', 'customer', 'service', '08708034412'], ['sure', 'still', 'available', 'though'], ['watever', 'relation', 'built', 'dis', 'world', 'thing', 'remains', 'atlast', 'lonlines', 'lotz', 'lot', 'memory', 'feeling..'], ['cheer', 'lou', 'yeah', 'wa', 'goodnite', 'shame', 'neva', 'came', 'gailxx'], ['hi..i', 'got', 'money'], ['mobile', 'added', 'contact', 'list', 'www.fullonsms.com', 'great', 'place', 'send', 'free', 'sm', 'people', 'visit', 'fullonsms.com'], ['tell', 'wat', 'time', 'coming', 'later', 'lor'], ['repeat', 'instruction', 'wat', 'road', 'name', 'house'], ['many', 'people', 'seems', 'special', 'first', 'sight', 'remain', 'special', 'till', 'last', 'sight..', 'maintain', 'till', 'life', 'ends..', 'jas'], ['quite', 'lor', 'dun', 'tell', 'wait', 'get', 'complacent', '...'], ['sorry', 'completely', 'forgot', 'pop', 'round', 'week', 'still'], ['beautiful', 'girl', 'ive', 'ever', 'seen', 'baby', 'come', 'common', 'room'], ['cant', 'see', 'join', 'denis', 'mina', 'denis', 'want', 'alone', 'time'], ['sen', 'told', 'going', 'join', 'uncle', 'finance', 'cbe'], ['yup', '...', 'hey', 'one', 'day', 'fri', 'ask', 'miwa', 'jiayin', 'take', 'leave', 'karaoke'], ['call', 'senthil', 'hsbc'], ['especially', 'since', 'talk', 'boston', 'personal', 'statement', 'lol', 'woulda', 'changed', 'realized', 'said', 'nyc', 'say', 'boston'], ['indeed', 'way', 'either'], ['urgent', '-call', '09066649731from', 'landline', 'complimentary', 'ibiza', 'holiday', '£10,000', 'cash', 'await', 'collection', 'sae', 'box', '434', 'sk3', '8wp', '150ppm', '18+'], ['holy', 'living', 'christ', 'taking', 'long'], ['thk', 'wat', 'eat', 'tonight'], ['thanx', 'yup', 'coming', 'back', 'sun', 'finish', 'dinner', 'going', 'back', 'hotel', 'time', 'fly', "'re", 'tog', 'exactly', 'mth', 'today', 'hope', "'ll", 'haf', 'many', 'mths', 'come', '...'], ["'re", 'opposite', 'side', 'dropped'], ['yup', 'izzit', 'still', 'raining', 'heavily', 'co', 'mrt', "n't", 'outside'], ['send', 'resume'], ['luck', 'exam'], ['ask', 'next', 'sat', 'make', 'lor'], ['sorry', 'uncle', 'i.ll', 'keep', 'touch'], ['saw', 'guy', 'doll', 'last', 'night', 'patrick', 'swayze', 'great'], ['urgent', '2nd', 'attempt', 'contact', '£900', 'prize', 'yesterday', 'still', 'awaiting', 'collection', 'claim', 'call', '09061702893'], ['santa', 'calling', 'would', 'little', 'one', 'like', 'call', 'santa', 'xmas', 'eve', 'call', '09077818151', 'book', 'time', 'calls1.50ppm', 'last', '3mins', '30', 'www.santacalling.com'], ['come', 'home', "n't", 'want', 'miserable'], ['dont', 'know', 'she.s', 'getting', 'message'], ['cool', 'tyler', 'take', "'re", 'gon', 'buy', 'drop', 'place', 'later', 'tonight', 'total', 'order', 'quarter', 'got', 'enough'], ['guy', 'car', 'shop', 'flirting', 'got', 'phone', 'number', 'paperwork', 'called', 'texted', 'nervous', 'course', 'may', 'address', 'call', 'bos', 'tell', 'knowing', 'may', 'get', 'fired'], ['reverse', 'cheating', 'mathematics'], ['plan', 'manage'], ['hello', 'thing', 'quite', 'plan', 'limping', 'slowly', 'home', 'followed', 'exhaust', 'hanging'], ['sorry', 'delay', 'yes', 'master'], ['call', 'finish', 'come', 'pick'], ['private', '2004', 'account', 'statement', '078498****7', 'show', '786', 'unredeemed', 'bonus', 'point', 'claim', 'call', '08719180219', 'identifier', 'code', '45239', 'expires', '06.05.05'], ['oga', 'left', 'phone', 'home', 'saw', 'message', 'hope', 'good', 'great', 'weekend'], ["n't", 'worry', 'though', 'understand', 'important', 'put', 'place', 'poorly', 'thought', 'punishment', 'face', 'worst', 'thing', 'ever', 'happened', 'brb', 'gon', 'kill'], ['honey', 'pls', 'find', 'much', 'sell', 'predicte', 'nigeria', 'many', 'time', 'used', 'important', 'reply', 'monday'], ['admin', 'building', 'might', 'slightly', 'earlier', '...', "'ll", 'call', 'reaching', '...'], ['fyi', 'usf', 'swing', 'room', 'whenever'], ['call', 'min', 'thats'], ['ummmmmaah', 'many', 'many', 'happy', 'return', 'day', 'dear', 'sweet', 'heart..', 'happy', 'birthday', 'dear'], ['home', 'work', 'meh', '...'], ['anything', 'valuable', 'situation', 'first-', 'getting', '...', 'second-', 'loosing', '...'], ['mark', 'taking', 'forever', 'pick', 'prescription', 'pain', 'coming', 'back'], ['paper'], ['got', 'smaller', 'capacity', 'one', 'quite', '...'], ['check', 'choose', 'babe', 'video', 'sms.shsex.netun', 'fgkslpopw', 'fgkslpo'], ['good', 'thinking', '...'], ['winner', 'ave', 'specially', 'selected', 'receive', '£1000', 'cash', 'holiday', 'flight', 'inc', 'speak', 'live', 'operator', 'claim', '0871277810710p/min'], [], ['thought', 'bout', '...', 'drink', 'tap', 'spile', 'seven', 'pub', 'gas', 'broad', 'canal'], ['going', 'sleep', 'tired', 'travel'], ['haha', 'thinkin'], ['yup', 'giving', 'problem', 'mayb', "'ll", 'jus', 'leave', '...'], ['lol', 'trying', 'make', 'day', 'little', 'interesting'], ['long', 'get', 'reply', 'defer', 'admission', 'til', 'next', 'semester'], ['word', 'checkmate', 'chess', 'come', 'persian', 'phrase', 'shah', 'maat', 'mean', 'king', 'dead..', 'goodmorning..', 'good', 'day..'], ['need', 'job', 'aha'], ['rat', 'hey', 'ever', 'vote', 'next', 'theme'], ['new', 'mobile', '2004', 'must', 'txt', 'nokia', '89545', 'collect', 'today', 'www.4-tc.biz', '2optout', '087187262701.50gbp/mtmsg18', 'txtauction'], ['hope', 'pee', 'burn', 'tonite'], ['rite', 'well', 'best', 'mate', 'pete', 'went', 'week+', '2geva', 'longer', 'week'], ['yay', "n't", 'wait', 'party', 'together'], ['...', '.photoshop', 'make', 'computer', 'shut'], ['boy', 'made', 'fun', 'today', 'problem', 'sent', 'one', 'message', 'fun'], ['one', 'issue', 'california', 'okay', 'snow', 'manageable'], ['private', '2003', 'account', 'statement', 'show', '800', 'un-redeemed', 'point', 'call', '08715203652', 'identifier', 'code', '42810', 'expires', '29/10/0'], ['hmmm', '...', 'mayb', 'try', 'shoppin', 'area', 'one', 'forgot', 'name', 'hotel', '...'], ['awesome', 'gon', 'soon', 'later', 'tonight'], ['need', 'detail', 'online', 'job'], ['valued', 'vodafone', 'customer', 'computer', 'picked', 'win', '£150', 'prize', 'collect', 'easy', 'call', '09061743386'], ['missing', 'too.pray', 'inshah', 'allah'], ['pls', 'help', 'tell', 'ashley', 'cant', 'find', 'number'], ['escape', 'theatre', 'going', 'watch', 'kavalan', 'minute'], ['s.this', 'increase', 'chance', 'winning'], ['either', 'way', 'work', 'year', 'old', 'hope', 'doesnt', 'bother'], ['maybe', 'find', 'something', 'else', 'instead'], ['gain', 'right', 'wife.dont', 'demand', 'it.i', 'trying', 'husband', 'too.lets', 'see'], ['liked', 'new', 'house'], ['fine', 'hope', 'also'], ['also', 'north', 'carolina', 'texas', 'atm', 'would', 'gre', 'site', 'pay', 'test', 'result', 'sent'], ['...'], ['yes', 'baby', 'need', 'stretch', 'open', 'pussy'], ['thanks', 'bomb', 'date', 'phone', 'wanted', 'say'], ['...'], ['hey', 'guy', 'know', 'breathing', 'neck', 'get', 'bud', 'anyway', 'able', 'get', 'half', 'track', 'usf', 'tonight'], ['response', 'one', 'powerful', 'weapon', 'occupy', 'place', 'others', "'heart", '...', 'always', 'give', 'response', 'care', '...', 'gud', 'night..swt', 'dreams..take', 'care'], ['nokia', 'phone', 'lovly..'], ['**free', 'message**thanks', 'using', 'auction', 'subscription', 'service', '150p/msgrcvd', 'skip', 'auction', 'txt', 'unsubscribe', 'txt', 'stop', 'customercare', '08718726270'], ['bored', 'housewife', 'chat', 'date', '0871750.77.11', 'bt-national', 'rate', '10p/min', 'landline'], ['sorry', 'da..today', 'wont', 'come', 'play..i', 'driving', 'clas..'], ['really', 'sorry', 'lit', 'hair', 'fire'], ['shit', 'thought', 'trip', 'loooooool', '...', 'make', 'much', 'sense', '...', '*grins*', 'sofa', 'reference', '...', 'sleep', 'couch', 'link', 'sent', '...', 'wa', "n't", 'went', 'trip', '...', "n't", 'babe', 'celebration', 'rent'], ['okey', 'dokey', 'swashbuckling', 'stuff'], ['watching', 'cartoon', 'listening', 'music', 'amp', 'eve', 'temple', 'amp', 'church..'], ['tension', 'face', 'smiling', 'face', 'waste', 'face', 'innocent', 'face', '5.terror', 'face', '6.cruel', 'face', '7.romantic', 'face', '8.lovable', 'face', '9.decent', 'face', '.joker', 'face'], ['dip', 'cell', 'dead', 'coming', 'better', 'respond', 'else', 'shall', 'come', 'back'], ['well', 'know', 'mean', 'texting'], ['dis', 'yijue', 'would', 'happy', 'work', 'wif', 'gek1510', '...'], ['lol', 'oops', 'sorry', 'fun'], ['wat', 'happened', 'cruise', 'thing'], ['know', 'dat', 'feelin', 'pete', 'wuld', 'get', 'nuther', 'place', 'nuther', 'time', 'mayb'], ['lyricalladie', '21/f', 'inviting', 'friend', 'reply', 'yes-910', 'no-910', 'see', 'www.sms.ac/u/hmmross', 'stop', 'send', 'stop', 'frnd', '62468'], ['world', 'happiest', 'frnds', 'never', 'character', '...', 'dey', 'best', 'understanding', 'difference', '...'], ['polyphonic', 'tone', 'mob', 'every', 'week', 'txt', 'pt2', '87575', '1st', 'tone', 'free', 'get', 'txtin', 'tell', 'friend', '150p/tone', 'reply', '4info'], ['yeah', 'open', 'chat', 'click', 'friend', 'list', 'make', 'list', 'easy', 'pie'], ['alright', 'tyler', 'got', 'minor', 'crisis', 'home', 'sooner', 'thought', 'asap'], ['when/where', 'pick'], ['usual', 'call', 'ard', 'smth'], ['new', 'theory', 'argument', 'win', 'situation', 'loses', 'person', 'dont', 'argue', 'friend', 'just..', 'kick', 'amp', 'say', 'always', 'correct'], ['many', 'thing', 'antibiotic', 'used', 'chest', 'abdomen', 'gynae', 'infection', 'even', 'bone', 'infection'], ['poor', 'girl', "n't", 'one', 'day', 'lmao'], ['6times'], ['today', 'vodafone', 'number', 'ending', '4882', 'selected', 'receive', '£350', 'award', 'number', 'match', 'call', '09064019014', 'receive', '£350', 'award'], ['pls', 'make', 'note', 'she.s', 'exposed', 'also', 'find', 'school', 'anyone', 'else', 'vomiting', 'dog', 'cat', 'house', 'let', 'know', 'later'], ['japanese', 'proverb', 'one', 'none', 'must', 'indian', 'version', 'one', 'let', 'it..', 'none', 'leave', 'finally', 'kerala', 'version', 'one', 'stop', 'it..', 'none', 'make', 'strike', '...'], ['sound', 'like', 'could', 'lot', 'time', 'spent', 'chastity', 'device', 'boy', '...', '*grins*', '...', 'take', 'beating', 'like', 'good', 'dog', 'going', 'lounge', 'nice', 'long', 'bath'], ['worse', 'us', 'half', 'way', 'stop', 'better', 'complete'], ['miserable', "n't", 'tell', 'side', 'effect', 'birth', 'control', 'massive', 'gut', 'wrenching', 'cramp', 'first', 'month', "n't", 'sleep', 'last', 'night'], ['send', 'new', 'number'], ['convey', 'regard'], ['want', 'latest', 'video', 'handset', '750', 'anytime', 'network', 'min', 'half', 'price', 'line', 'rental', 'reply', 'call', '08000930705', 'delivery', 'tomorrow'], ['half', 'year', 'missed', 'friendship'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ['fuck', 'sake', 'like', 'tallahassee'], ['haha', 'first', 'person', 'gon', 'ask'], ['guaranteed', 'latest', 'nokia', 'phone', '40gb', 'ipod', 'mp3', 'player', '£500', 'prize', 'txt', 'word', 'collect', '83355', 'ibhltd', 'ldnw15h', '150p/mtmsgrcvd18'], ['taka', 'lor', 'wat', 'time', 'wan', 'come', 'look'], ['free*', 'polyphonic', 'ringtone', 'text', 'super', '87131', 'get', 'free', 'poly', 'tone', 'week', 'pobox202', 'nr31', '7zs', 'subscription', '450pw'], ['reaching', 'another', 'stop'], ["*didn't*", 'mean', 'post', 'wrote', 'like', 'many', 'time', "'ve", 'ritten', 'stuff', 'let', 'sit', 'wa', 'feeling', 'time', 'angry', 'left', 'hit', 'send', 'stop', "n't", 'checked', 'phone', 'got', 'car', "n't", 'said', "n't", 'sleep', 'bored', 'would', "n't", 'time', 'clean', 'fold', 'laundry', 'etc', 'least', 'make', 'bed'], ['warner', 'village', '83118', 'colin', 'farrell', 'swat', 'wkend', 'warner', 'village', 'get', 'free', 'med', 'popcorn', 'show', 'msg+ticket', 'kiosk.valid', '4-7/12', 'kiosk', 'reply', 'sony', 'mre', 'film', 'offer'], ['come', 'online', 'today', 'night'], ['anything', 'special'], ['solihull', 'want', 'anything'], ['good', 'day'], ['regret', 'inform', 'nh', 'ha', 'made', 'mistake.u', 'never', 'actually', 'born.please', 'report', 'yor', 'local', 'hospital', 'terminated.we', 'sorry', 'inconvenience'], ['love', 'holiday', 'monday', 'feeling', 'even', 'dentist', 'hour'], ['way', 'tirupur'], ['goal', 'arsenal', 'henry', 'liverpool', 'henry', 'score', 'simple', 'shot', 'yard', 'pas', 'bergkamp', 'give', 'arsenal', 'goal', 'margin', 'min'], ["'ve", 'already', 'got', 'flaky', 'parent', "it'snot", 'supposed', 'child', 'job', 'support', 'parent', '...', "'re", 'ride', 'age', 'anyway', 'supposed', 'support', "'ve", 'hurt', 'unintentional', 'hurt', 'nonetheless'], ['took', 'hooch', 'walk', 'toaday', 'fell', 'splat', 'grazed', 'knee', 'everything', 'stayed', 'home', 'see', 'tomorrow'], ['dropped', 'omw', 'back'], ['2nd', 'time', 'tried', 'contact', '750', 'pound', 'prize', 'claim', 'easy', 'call', '08712101358', '10p', 'per', 'min', 'bt-national-rate'], ['sitting', 'waiting', 'everyone', 'get', 'suite', 'take', 'shower'], ['call', "n't", 'see', 'facebook', 'huh'], ['say', 'never', 'answer', 'text', 'confirm/deny'], ['common', 'hearin', 'wat', 'day', 'let', 'ask', 'something', 'different', 'smile', 'today', '...', 'gud', 'evng'], ['dear', 'call', 'urgnt', "n't", 'know', 'whats', 'problem', "n't", 'want', 'work', 'problem', 'least', 'tell', 'wating', 'reply'], ['yah', '...', 'never', 'cancel', 'leh', '...', 'haha'], ['normal', 'pilate', 'intro', '...'], ['...', 'let', 'noe', 'leave', 'house'], ['yes', 'like', 'torture', 'watching', 'england'], ['wan', 'art'], ['hopeing', 'pissed', 'remember', 'gone', 'sister', 'something'], ['got', 'take', 'take', 'part', 'wrc', 'rally', 'lucozade', 'energy', 'text', 'rally', '61200', '25p', 'see', 'pack', 'lucozade.co.uk/wrc', 'itcould'], ['sexychat', 'girl', 'waiting', 'text', 'text', 'great', 'night', 'chatting', 'send', 'stop', 'stop', 'service'], ['good', 'morning', 'boytoy', 'yummy', 'lip', 'sexy', 'bun', 'think', 'crave', 'need'], ['match', 'started.india'], ['free', 'call', 'sir'], ['hey', 'want', 'anything', 'buy'], ['hey', 'babe', 'going', 'ever', 'figure', 'going', 'new', 'year'], ['k..k.', 'congratulation'], ['want', 'know', 'fuck'], ['cancelled', 'yeah', 'baby', 'well', 'sound', 'important', 'understand', 'darlin', 'give', 'ring', 'later', 'fone', 'love', 'kate'], ['tomarrow', 'want', 'got', 'court', 'decimal', 'come', 'bus', 'stand'], ['home', 'liao', 'ask', 'dad', 'pick', '...'], ['omg', 'make', 'wedding', 'chapel', 'frontierville', 'get', 'good', 'stuff'], ['eatin', 'lor', 'goin', 'back', 'work', 'soon', '...', 'mountain', 'deer', 'show', 'huh', '...', 'watch', 'liao', 'nice', '...'], ['check', 'mail.i', 'mailed', 'varma', 'kept', 'copy', 'regarding', 'membership.take', 'care.insha', 'allah'], ['wrong', 'phone', 'phone', 'answer', 'one', 'assume', 'people', "n't", 'well'], ['anyway', "n't", 'think', 'secure', 'anything', 'lem', 'know', 'want', 'drive', 'south', 'chill'], ['already', 'back', 'home', 'probably'], ['great', 'news', 'call', 'freefone', '08006344447', 'claim', 'guaranteed', '£1000', 'cash', '£2000', 'gift', 'speak', 'live', 'operator'], ['amy', 'sending', 'free', 'phone', 'number', 'couple', 'day', 'give', 'access', 'adult', 'party', '...'], ['bus', 'way', 'calicut'], ['probably', 'much', 'fun', 'get', 'message', 'thought', 'txt', 'co', 'bored', 'james', 'farting', 'night'], ['baby', 'sat', 'bloody', 'bus', 'wont', 'home', '7:30', 'wan', 'somethin', 'later', 'call', 'later', 'ortxt', 'back', 'jess'], ['welcome', 'select', 'service', 'added', 'benefit', 'call', 'specially', 'trained', 'advisor', 'free', 'mobile', 'dialling', '402'], ['lost', 'pound', 'since', 'doc', 'visit', 'last', 'week', 'woot', 'woot', 'gon', 'celebrate', 'stuffing', 'face'], ['coming', 'back', 'dinner', 'rite', 'dad', 'ask', 'confirm', 'wif', '...'], ['master', 'buy', 'co', 'sale'], ['ahhhh', '...', 'woken', 'bad', 'dream', 'tho', 'dont', 'like', 'right', 'didnt', 'know', 'anything', 'comedy', 'night', 'guess'], ['vivek', 'got', 'call', 'number'], ["n't", 'call', 'lunch'], ['mean', 'left', 'early', 'check', 'co', 'working', '9-6'], ['want'], ['bit', 'smile', 'hppnss', 'drop', 'tear', 'sorrow', 'part', 'heart', 'life', 'heart', 'like', 'mine', 'wil', 'care', 'forevr', 'goodfriend'], ['yup', '...'], ['want', 'see', 'pretty', 'pussy', '...'], ['dear', 'voucher', 'holder', 'next', 'meal', 'use', 'following', 'link', 'enjoy', 'dining', 'experiencehttp', '//www.vouch4me.com/etlp/dining.asp'], ['people', 'game', 'mall', 'iouri', 'kaila'], ['urgent', 'trying', 'contact', 'today', 'draw', 'show', '£2000', 'prize', 'guaranteed', 'call', '09058094507', 'land', 'line', 'claim', '3030', 'valid', '12hrs'], ['donate', '£2.50', 'unicef', 'asian', 'tsunami', 'disaster', 'support', 'fund', 'texting', 'donate', '864233', '£2.50', 'added', 'next', 'bill'], ['future', 'planned', 'tomorrow', '...', 'result', 'today', '...', 'best', 'present', '...', 'enjoy', 'future'], ['cme', 'want', 'ho', '2morow', 'wil', 'cme', 'got', 'dear', 'didnt', 'say', 'time'], ['supposed', 'meet', 'discus', 'abt', 'trip', '...', 'thought', 'xuhui', 'told', 'afternoon', 'thought', 'lesson'], ['hey', 'come', 'online', 'use', 'msn', '...'], ['fine', 'hope', 'good', 'take', 'care'], ['oops', 'shower', 'called', 'hey', 'parking', 'garage', 'collapsed', 'university', 'hospital', 'see', 'crazy', 'stuff', 'like', 'doe', 'happen'], ['aiyo', 'poor', 'thing', '...', 'dun', 'wan', 'eat', 'bathe', 'already'], ['yar', '...', 'tot', 'knew', 'dis', 'would', 'happen', 'long', 'ago', 'already'], ['gorgeous', 'keep', 'pix', 'cumming', 'thank'], ['boy', 'late', 'home', 'father', 'power', 'frndship'], ['jade', 'paul', 'didn\x92t', 'txt', 'remember', 'barmed', 'want', 'talk', 'txt'], ['spending', 'new', 'year', 'brother', 'family', 'let', 'plan', 'meet', 'next', 'week', 'ready', 'spoiled'], ['today'], ['said', 'okay', 'sorry'], ['slept', 'thinkthis', 'time', 'dangerous'], ['networking', 'job'], ['goldviking', '29/m', 'inviting', 'friend', 'reply', 'yes-762', 'no-762', 'see', 'www.sms.ac/u/goldviking', 'stop', 'send', 'stop', 'frnd', '62468'], ['dont', 'let', 'studying', 'stress', 'l8r'], ['haf', 'keep', 'busy', '...'], ['rushing', 'working', 'school', 'rush', 'hungry'], ['channel'], ['telling', 'coulda', 'real', 'valentine', "n't", 'never', 'pick', 'nothing'], ['phony', '£350', 'award', 'today', 'voda', 'number', 'ending', 'xxxx', 'selected', 'receive', '£350', 'award', 'match', 'please', 'call', '08712300220', 'quoting', 'claim', 'code', '3100', 'standard', 'rate', 'app'], ['made', 'eta', 'taunton', '12:30', 'planned', 'hope', 'still', 'okday', 'good', 'see', '-xx'], ['hungry', 'buy', 'smth', 'home', '...'], ['hey', 'kate', 'hope', '...', 'give', 'buz', 'wedlunch', 'outsomewhere', 'adrink', 'town..cud', '2watershd', 'bit', 'ppl', 'fromwrk', 'bthere', 'love', 'petexxx'], ['drive', 'read', 'need', 'write'], ['looked', 'addie', 'go', 'back', 'monday', 'suck'], ['happy', 'new', 'year', 'hope', 'good', 'semester'], ['esplanade', 'lor', 'else', '...'], ['talk', 'me..'], ['hmph', 'head', 'big', 'baller'], ['well', 'like', 'actually', 'called', 'someone', 'punto', 'woulda', 'worse'], ['nope', 'since', 'ayo', 'travelled', 'forgotten', 'guy'], ['still', 'around', 'looking', 'pick', 'later'], ['cd', 'congratulation', 'awarded', '£500', 'gift', 'voucher', '£125', 'gift', 'guaranteed', 'freeentry', '£100', 'wkly', 'draw', 'music', '87066', 'tncs', 'www.ldew.com1win150ppmx3age16'], ['someone', 'year', 'toyota', 'camry', 'like', 'olayiwola', 'mileage', 'k.its', 'clean', 'need', 'know', 'much', 'sell', 'raise', 'dough', 'soon', 'landing', 'sell', 'holla', 'back'], ['guess', 'pub', 'happy', 'pig', 'clover', 'whatever', 'saying'], ['ill', 'soon'], ['come', 'tomorrow'], ['fool', 'dont', 'cheat', 'others'], ['mobile', 'number.pls', 'sm', 'mail', 'id.convey', 'regard', 'achan', 'amma.rakhesh.qatar'], ['way', "'rencontre", 'meet', 'mountain', 'dont', '...'], ['guaranteed', '£1000', 'cash', '£2000', 'prize', 'claim', 'prize', 'call', 'customer', 'service', 'representative', '08714712412', '10am-7pm', 'cost', '10p'], ['attend', 'driving', 'lesson', 'many', 'time', 'day'], ['uncle', 'checking', 'rewarding', 'month'], ['hello', 'boytoy', 'geeee', '...', 'missing', 'today', 'like', 'send', 'remind', 'thinking', '...', 'loved', '...', '*loving', 'kiss*'], ['think', 'two', 'still', 'need', 'get', 'cash', 'def', 'ready'], ['hey', 'gal', '...', 'wan', 'meet', 'dinner', 'nìte'], ['dear', '0776xxxxxxx', "'ve", 'invited', 'xchat', 'final', 'attempt', 'contact', 'txt', 'chat', '86688', '150p/msgrcvdhg/suite342/2lands/row/w1j6hl', 'ldn', '18yrs'], ['babe', 'talking', 'think', 'good', 'boy', 'missing', 'love'], ['great', 'office', 'today'], ['cool', 'last', 'little', 'getting', 'time', 'soon'], ['sad', 'puppy', 'noise'], ['yes', 'possible', 'dint', 'try', 'pls', 'dont', 'tell', 'one'], ['anyway', 'holla', 'whenever', "'re", 'around', 'need', 'excuse', 'creep', 'people', 'sarasota'], ['happen'], ['gon', 'ask', 'lol', 'think'], ['cash-balance', 'currently', '500', 'pound', 'maximize', 'cash-in', 'send', '86688', '150p/meg', '08718720201', 'hg/suite342/2lands', 'row/w1j6hl'], ['private', '2003', 'account', 'statement', 'show', '800', 'un-redeemed', 's.i.m', 'point', 'call', '08715203685', 'identifier', 'code:4xx26', 'expires', '13/10/04'], ['chase', 'run', 'crossing', 'street'], ['like', 'tell', 'deepest', 'darkest', 'fantasy', 'call', '09094646631', '60p/min', 'stop', 'text', 'call', '08712460324', 'nat', 'rate'], ['coming', 'friday', 'leave', 'pongal', 'get', 'news', 'work', 'place'], ['hey', '...', 'inconvenient', 'si', 'huh'], ['vl..do', 'know', 'got', 'adsense', 'approved..'], ['wa', 'really', 'good', 'see', 'day', 'dudette', 'missing'], ['want', 'perumbavoor'], ['many', 'time', 'told', 'stage', 'use', 'laugh', 'listen', 'aha'], ["n't", 'believe', 'true', 'incredible', 'txts', 'reply', 'learn', 'truly', 'amazing', 'thing', 'blow', 'mind', 'o2fwd', '18p/txt'], ["n't", 'hear'], ['thanks', 'talk', 'saturday', 'dear', 'cherish', 'brother', 'role', 'model'], ['pls', 'clarify', 'back', 'open', 'return', 'ticket', 'preponed', 'back', 'kerala'], ['natalie', '20/f', 'inviting', 'friend', 'reply', 'yes-165', 'no-165', 'see', 'www.sms.ac/u/natalie2k9', 'stop', 'send', 'stop', 'frnd', '62468'], ['ran', 'younger', 'man', 'make', 'pretty', 'baby', 'together'], ['jamster', 'get', 'free', 'wallpaper', 'text', 'heart', '88888', 'apply', 'need', 'help', 'call', '08701213186'], ['lol', 'play', 'door', 'sometime'], ['dunno', 'dad', 'said', 'coming', 'home', 'bring', 'lunch', 'yup', 'lor', 'call', 'reach', 'school', 'lor', '...'], ['sent', 'customer', 'service', 'cum', 'account', 'executive', 'mail', 'detail', 'contact'], ['desires-', 'going', 'doctor', 'liver', 'get', 'bit', 'stylish', 'get', 'hair', 'managed', 'thats'], ['hmmm.still', 'dont', 'opener'], ['yeah', 'basically', 'time', 'next', 'week', 'get', 'away', 'mom', 'amp', 'get'], ['edison', 'rightly', 'said', 'fool', 'ask', 'question', 'wise', 'man', 'answer', 'know', 'speechless', 'viva..', 'gnt'], ['vote', 'wherever', 'heart', 'guide'], ['si', 'lor', '...', 'juz', 'watched', 'italian', 'job'], ['tick', 'tick', 'tick', '...', 'could', 'die', 'loneliness', 'know', '*pouts*', '*stomps', 'feet*', 'need', '...'], ['lmao', 'know', 'well', '...'], ['double', 'min', 'double', 'txt', '1/2', 'price', 'linerental', 'latest', 'orange', 'bluetooth', 'mobile', 'call', 'mobileupd8', 'latest', 'offer', '08000839402', 'call2optout/lf56'], ['train', 'back', 'northampton', 'afraid', 'staying', 'skyving', 'today', 'around', 'wednesday', 'though', 'fancy', 'comedy', 'club', 'week', 'way'], ['goodnight', 'thangam', 'really', 'miss', 'dear'], ['hey', 'next', 'sun', '1030', 'basic', 'yoga', 'course', '...', 'bugis', '...', '...', 'pilate', 'intro', 'next', 'sat', '...', 'tell', 'time', 'free'], ['geeeee', '...', 'internet', 'really', 'bad', 'today'], ['free', 'video', 'camera', 'phone', 'half', 'price', 'line', 'rental', 'mths', '500', 'cross', 'ntwk', 'min', '100', 'txts', 'call', 'mobileupd8', '08001950382', 'call2optout/674'], ['think', 'disturbing'], ['sorry', "'ll", 'call', 'later', 'meeting', 'sir'], ['havent', 'stuck', 'orchard', 'dad', 'car', 'going', 'dinner', 'leh', 'free', 'tonight'], ['also', 'wan', 'watch', 'show', '...'], ['dunno', 'lei', '...', 'like', 'dun', 'haf', '...'], ['brother', 'transfered'], ['call', 'later', 'afternoon', 'onwords', 'mtnl', 'service', 'get', 'problem', 'south', 'mumbai', 'hear', "n't", 'listen'], ['83039', '62735=£450', 'break', 'accommodationvouchers', 'term', 'condition', 'apply', 'claim', 'mustprovide', 'claim', 'number', '15541'], ['talk'], ['hai', 'dear', 'friend', '...', 'new', 'amp', 'present', 'number..', 'rajitha', 'raj', 'ranju'], ['alfie', 'moon', 'child', 'need', 'song', 'mob', 'tell', 'm8s', 'txt', 'tone', 'charity', '8007', 'nokias', 'poly', 'charity', 'polys', 'zed', '08701417012', 'profit', 'charity'], ['different', 'style'], ['win', '£200', 'shopping', 'spree', 'every', 'week', 'starting', 'play', 'text', 'store', '88039', 'skilgme', 'tscs08714740323', '1winawk', 'age16', '£1.50perweeksub'], ['gud', 'ni8', 'dear..slp', 'well..take', 'care..swt', 'dreams..muah..'], ['want', 'sent', 'mesages', 'today', 'thats', 'sorry', 'hurt'], ['2nd', 'attempt', 'contract', 'week', 'top', 'prize', 'either', '£1000', 'cash', '£200', 'prize', 'call', '09066361921'], ['well', 'glad', "n't", 'find', 'totally', 'disagreeable', '...', 'lol'], ['guy', 'flash', 'call', 'call', 'madam', 'take', 'care'], ['want', 'new', 'nokia', '3510i', 'colour', 'phone', 'deliveredtomorrow', '300', 'free', 'minute', 'mobile', '100', 'free', 'text', 'free', 'camcorder', 'reply', 'call', '08000930705'], ['mark', 'work', 'tomorrow', 'get', 'work', 'house', 'meet', 'afterwards'], ['keep', 'problem', 'heart', "b'coz", 'nobody', 'fight', 'amp', 'fight', 'self', 'amp', 'win', 'battle', '-vivekanand-', '9t..', 'sd..', 'ham', 'yeah', 'give', 'call', "'ve", 'got', 'minute', 'ham', 'babe', 'uawake', 'feellikw', 'shit.justfound', 'via', 'aletter', 'thatmum', 'gotmarried', '4thnov.behind', 'ourbacks', 'fuckinnice', 'selfish', 'deviousbitch.anyway', 'i\x92l', 'call'], ['amazing', 'rearrange', 'letter', 'give', 'meaning', '...', 'dormitory', 'dirty', 'room', 'astronomer', 'moon', 'starer', 'eye', 'see', 'election', 'result', 'lie', 'let', 'recount', 'mother-in-law', 'woman', 'hitler', 'eleven', 'plus', 'two', '=twelve', 'plus', 'one', 'amazing', '...'], ['aiya', 'discus', 'later', 'lar', '...', 'pick'], ['hey', 'happy', 'birthday', '...'], ['sorry', 'missed', 'call', 'please', 'call', 'back'], ['omg', 'one', 'thing', 'another', 'cat', 'worm', 'bad', 'day', 'end'], ['good', 'morning', 'suffering', 'fever', 'dysentry', '..will', 'able', 'come', 'office', 'today'], ['wont', 'anything'], ['type', 'stuff', 'sing'], ['andre', 'virgil', 'cream'], ['check', 'room', 'befor', 'activity'], ['fri', '...', 'okie', 'lor', 'goin', 'drivin', 'den', 'shoppin', '...'], ['gokila', 'talking', 'aha'], ['shanil', 'rakhesh', 'here.thanks', 'exchanged', 'uncut', 'diamond', 'stuff.leaving', 'back', 'excellent', 'service', 'dino', 'prem'], ['k.k.this', 'month', 'kotees', 'birthday', 'know'], ['really', 'really', 'broke', 'amount', 'small', 'even'], ['sorry', 'mate', 'phone', 'didnt', 'write', 'love', 'kate'], ['themob', 'hit', 'link', 'get', 'premium', 'pink', 'panther', 'game', 'new', 'sugababes', 'crazy', 'zebra', 'animation', 'badass', 'hoody', 'wallpaper-all', 'free'], ['well', 'confuses', 'thing', 'doesnt', 'thought', 'friend', 'maybe', 'wrong', 'thing', 'already', 'sort', 'invited', '-tho', 'may', 'come', 'co', 'money'], ['aight', 'call', "'re", 'close'], ['nope', 'thats', 'fine', 'might', 'nap', 'tho'], ['msg', 'mobile', 'content', 'order', 'resent', 'previous', 'attempt', 'failed', 'due', 'network', 'error', 'query', 'customersqueries', 'netvision.uk.com'], ['news', 'hassling', 'get', 'weed', 'week', 'andres', 'money', 'haughaighgtujhyguj'], ['boy', 'loved', 'gal', 'propsd', 'didnt', 'mind', 'lttrs', 'frnds', 'threw', 'thm', 'boy', 'decided', 'aproach', 'gal', 'time', 'truck', 'speeding', 'towards', 'gal', 'hit', 'girl', 'boy', 'ran', 'like', 'hell', 'saved', 'asked', "'hw", 'run', 'fast', 'boy', 'replied', 'boost', 'secret', 'energy', 'instantly', 'girl', 'shouted', 'energy', 'thy', 'lived', 'happily', '2gthr', 'drinking', 'boost', 'evrydy', 'moral', 'story', 'free', 'msg', 'gud', 'ni8'], ['wnt', 'buy', 'bmw', 'car', 'urgently..its', 'vry', 'urgent.but', 'shortage', 'lacs.there', 'source', 'arng', 'dis', 'amt', 'lacs..thats', 'prob'], ['ding', 'break', 'fassyole', 'blacko', 'londn'], ['really', 'need', 'kiss', 'miss', 'baby', 'baby', '4eva'], ['sign', 'maturity', 'start', 'saying', 'big', 'things..', 'actually', 'start', 'understanding', 'small', 'thing', '...', '*have', 'nice', 'evening*', 'bslvyl'], ['got', 'many', 'responsibility'], ['new', 'message', 'please', 'call', '08715205273'], ["'ve", 'reached', 'sch', 'already', '...'], ['december', 'mobile', '11mths+', 'entitled', 'update', 'latest', 'colour', 'camera', 'mobile', 'free', 'call', 'mobile', 'update', 'vco', 'free', '08002986906'], ['definitely', 'need', 'module', 'humanity', 'dis', 'sem', 'izzit', 'wan', 'take', 'module', '1st'], ['argh', 'fuck', 'nobody', 'town'], ['get', 'lion', 'england', 'tone', 'reply', 'lionm', 'mono', 'lionp', 'poly', 'www.ringtones.co.uk', 'original', 'best', 'tone', '3gbp', 'network', 'operator', 'rate', 'apply'], ['thanks', 'fill', 'complete', 'calm', 'reassurance'], ['aslamalaikkum', '...', '.insha', 'allah', 'tohar', 'beeen', 'muht', 'albi', 'mufti', 'mahfuuz', '...', 'meaning', '...'], ['driving', 'training'], ['lol', 'real', 'told', 'dad', 'cancer'], ['private', '2003', 'account', 'statement', '078'], ['oops'], ['enufcredeit', 'tocall.shall', 'ileave', 'uni', '+get', 'bus', 'yor', 'house'], ['chikku', 'send', 'nice', 'msg'], ['impossible', 'argue', 'always', 'treat', 'like', 'sub', 'like', 'never', 'released', '...', 'remind', 'necessary'], ['work', '...', 'den', 'plus', 'lor', '...', 'workin', 'oso', 'rite', '...', 'den', 'orchard', 'lor', 'place', 'liao', '...'], ['wonderful', 'okors', 'great', 'month', 'cherish', 'guy', 'wish', 'well', 'day', 'mojibiola'], ['cuz', 'ibored', 'wan', 'study'], ['wot', 'wed', 'nite', 'til'], ['rose', 'red', 'red', 'blood', 'blood', 'heart', 'heart', '...', 'send', 'ti', 'friends..', 'including', 'me..', 'like', 'me..', 'get', 'back', '1-u', 'poor', 'relation', '2-u', 'need', 'support', '3-u', 'frnd', 'many', '4-some1', 'luvs', '5+-', 'some1', 'praying', 'god', 'marry', 'try', '...'], ['way'], ['suck', "'ll", 'hair', "'ll", 'free', 'right'], ['still', 'working', 'time', 'also', 'tried', 'adding', 'zero', 'saving', 'checking'], ['hmm', '...', 'dunno', 'leh', 'mayb', 'bag', 'goigng', 'dat', 'small', 'jus', 'anything', 'except', 'perfume', 'smth', 'dat', 'keep'], ['sday', 'joined.so', 'training', 'started', 'today'], ['sorry', 'grocer'], ['nice', 'pub', 'near', 'frankie', 'benny', 'near', 'warner', 'cinema'], ['costa', 'del', 'sol', 'holiday', '£5000', 'await', 'collection', 'call', '09050090044', 'toclaim', 'sae', 'pobox334', 'stockport', 'sk38xh', 'cost£1.50/pm', 'max10mins'], ['yup', '...', 'havent', '...', 'want', 'yoga', 'call', 'book'], ['shut', 'omg', 'yesterday', 'dream', 'kid', 'boy', 'pissed', 'kid', 'boy', 'even', 'told', 'mark', 'dream', 'changing', 'diaper', 'cause', 'getting', 'owed', 'face'], ['yeah', 'imagine', 'would', 'really', 'gentle', 'unlike', 'doc', 'treat', 'patient', 'like', 'turkey'], ['free', '1st', 'week', 'no1', 'nokia', 'tone', 'mobile', 'every', 'week', 'txt', 'nokia', '8077', 'get', 'txting', 'tell', 'mate', 'www.getzed.co.uk', 'pobox', '36504', 'w45wq', '16+', 'norm150p/tone'], ['started', 'dont', 'stop', 'pray', 'good', 'idea', 'anything', 'see', 'help', 'guy', 'i.ll', 'forward', 'link'], ['darlin', 'helen', 'fone', 'gon', 'prince', 'nite', 'please', 'come', 'love', 'kate'], ['office'], ['aiyar', 'poor', 'thing', '...', 'give', 'support', '...', 'jia', "'ll", 'think', '...'], ['unintentionally', 'bad', 'timing', 'great', 'finger', 'train', 'play', 'along', 'give', 'fifteen', 'min', 'warning'], ['get', 'garden', 'ready', 'summer', 'free', 'selection', 'summer', 'bulb', 'seed', 'worth', '£33:50', 'scotsman', 'saturday', 'stop', 'go2', 'notxt.co.uk'], ['k..then', 'come', 'wenever', 'lik', 'come', 'also', 'tel', 'vikky', 'come', 'getting', 'free', 'time..'], ['pls', 'call', 'happen'], ['happy', 'new', 'year', 'family', '...', 'may', 'new', 'year', 'bring', 'happiness', 'stability', 'tranquility', 'vibrant', 'colourful', 'life'], ['problem', 'renewal', 'i.ll', 'right', 'away', 'dont', 'know', 'detail'], ['idk', 'sitting', 'stop', 'shop', 'parking', 'lot', 'right', 'bawling', 'eye', 'feel', 'like', 'failure', 'everything', 'nobody', 'want', 'feel', 'like', 'failing'], ["n't", 'left', 'yet', 'probably', 'gon', 'til', 'dinner'], ['like', 'question'], ['new', 'year', 'eve', 'wa', 'went', 'party', 'boyfriend', 'hey'], ['sir', 'need', 'velusamy', 'sir', 'date', 'birth', 'company', 'bank', 'facility', 'detail'], ['sm', 'chat'], ['come', 'karnan', 'car', 'please', 'wait', 'till', '6pm', 'directly', 'goto', 'doctor'], ['bluray', 'player'], ['...', 'meeting', 'later'], ['lol', 'need', 'cash', 'nitros', 'hurry', 'come', 'crash'], ['send', 'text', "'ll", 'skype', 'later'], ['leave', 'need', 'ask'], ['congrats', 'mobile', 'videophones', 'call', '09063458130', 'videochat', 'wid', 'mate', 'play', 'java', 'game', 'dload', 'polyph', 'music', 'noline', 'rentl', 'bx420', 'ip4', '5we', '150p'], ['still', 'got', 'lesson', 'sch'], ['dun', 'believe', 'leh', 'tot', 'told', 'true', 'already', 'thk', 'muz', 'tog', 'believe'], ['charge', 'camera'], ['got', 'salt', 'rub', 'open', 'wound', 'like'], ['going', 'lunch'], ['school', "'ll", 'lab', 'stuff', 'give', 'call', 'done'], ['come', 'tomorrow'], ['aight', 'text', 'tonight', "'ll", 'see'], [], ['water', 'logging', 'desert', 'geoenvironmental', 'implication'], ['raji..pls', 'favour', 'pls', 'convey', 'birthday', 'wish', 'nimya', 'pls', 'today', 'birthday'], ['company', 'good.environment', 'terrific', 'food', 'really', 'nice'], ['strange', 'watching', '2nd', 'one', 'bed', 'sweet', 'dream', 'miss'], ['sm', 'auction', 'brand', 'new', 'nokia', '7250', 'auction', 'today', 'auction', 'free', 'join', 'take', 'part', 'txt', 'nokia', '86021'], ['hope', 'said', 'would', 'text', "n't", 'seen', 'let', 'gently', 'please'], ['babe', 'fucking', 'love', 'know', 'fuck', 'good', 'hear', 'voice', 'need', 'crave', "n't", 'get', 'enough', 'adore', 'ahmad', '*kisses*'], ['sure', 'relative', 'home', 'sm', 'pls'], ['sent', 'like'], ['fuuuuck', 'need', 'stop', 'sleepin', 'sup'], ['town', "'ll", 'jus', 'take', 'mrt', 'later'], ['cooked', 'rather', 'nice', 'salmon'], ['uploaded', 'mine', 'facebook'], ['time', 'wrkin'], ['okie'], ['ree', 'entry', 'weekly', 'comp', 'chance', 'win', 'ipod', 'txt', 'pod', '80182', 'get', 'entry', 'std', 'txt', 'rate', 'apply', '08452810073', 'detail', '18+'], ['record', 'indicate', 'maybe', 'entitled', '5000', 'pound', 'compensation', 'accident', 'claim', 'free', 'reply', 'claim', 'msg', 'stop', 'txt', 'stop'], ['sorry', "'ll", 'call', 'later'], ['...', 'den', 'muz', 'change', 'plan', 'liao', '...', 'back', 'yan', 'jiu', '...'], ['wylie', 'tampa', 'sarasota'], ['...', 'take', 'time', 'enjoy', 'dinner', '...'], ['darren', 'saying', 'dat', 'meeting', 'den', 'dun', 'meet', 'dinner', 'co', 'later', 'leave', 'feel', 'awkward', 'den', 'meet', 'lunch', 'lor'], ['spook', 'mob', 'halloween', 'collection', 'logo', 'pic', 'message', 'plus', 'free', 'eerie', 'tone', 'txt', 'card', 'spook', '8007', 'zed', '08701417012150p', 'per', 'logo/pic'], ['like', 'cheap', 'happy', 'splash', 'wine', 'make', 'feel', 'better..'], ['she.s', 'fine', 'difficulty', 'phone', 'work', 'mine', 'pls', 'send', 'another', 'friend', 'request'], ['ugh', 'leg', 'hurt', 'musta', 'overdid', 'mon'], ['call', 'germany', 'penny', 'per', 'minute', 'call', 'fixed', 'line', 'via', 'access', 'number', '0844', '861', 'prepayment', 'direct', 'access', 'www.telediscount.co.uk'], ['costa', 'del', 'sol', 'holiday', '£5000', 'await', 'collection', 'call', '09050090044', 'toclaim', 'sae', 'pobox334', 'stockport', 'sk38xh', 'cost£1.50/pm', 'max10mins'], ['wot', 'student', 'discount', 'get', 'book'], ['fine..absolutly', 'fine'], ['come', 'get', 'quite', 'diff', 'guess', 'rite', '...'], ['mobile', '11mths', 'update', 'free', 'orange', 'latest', 'colour', 'camera', 'mobile', 'unlimited', 'weekend', 'call', 'call', 'mobile', 'upd8', 'freefone', '08000839402', '2stoptxt'], ['reach', 'home', 'minute'], ['babe', 'answering', "n't", 'see', 'maybe', 'better', 'reboot', '...', 'got', 'photo', '...', 'great'], ['hi.what', 'think', 'match'], ['know', 'thinkin', 'malaria', 'relax', 'child', 'cant', 'handle', 'malaria', 'would', 'worse', 'gastroenteritis', 'take', 'enough', 'replace', 'loss', 'temp', 'reduce', 'give', 'malaria', 'med', 'vomit', 'self', 'limiting', 'illness', 'mean', 'day', 'completely', 'stop'], ['dai', 'downloaded', 'exe', 'file', 'run', 'exe', 'installing'], ['yesterday', 'true', 'true'], ['k.k.how', 'business'], ['selected'], ['natalja', '25/f', 'inviting', 'friend', 'reply', 'yes-440', 'no-440', 'see', 'www.sms.ac/u/nat27081980', 'stop', 'send', 'stop', 'frnd', '62468'], ['keep', 'ten', 'shelf', 'buy', 'two', 'egg'], ['late'], ['well', 'thats', 'nice', 'bad', 'cant', 'eat'], ['accidentally', 'brought', 'home', 'box'], ['pls', 'need', 'dat', 'slowly', 'vomit'], ['take', 'exam', 'march'], ['jane', 'babe', 'goin', 'wrk', 'feel', 'ill', 'lst', 'nite', 'foned', 'already', 'cover', 'chuck'], ['night', '...', 'staying', 'port', 'step', 'liao', '...'], ['die', 'want', 'stuff'], ['fuck', 'juswoke', 'bed', 'boatin', 'dock', 'slept', 'wid', 'year', 'old', 'spinout', 'giv', 'gossip', 'l8r', 'xxx'], ['smile', 'pleasure', 'smile', 'pain', 'smile', 'trouble', 'pours', 'like', 'rain', 'smile', 'sum1', 'hurt', 'smile', 'becoz', 'someone', 'still', 'love', 'see', 'smiling'], ['prabha..i', 'soryda..realy..frm', 'heart', 'sory'], ['re-met', 'alex', 'nichols', 'middle', 'school', 'turn', 'dealing'], ['private', '2003', 'account', 'statement', 'fone', 'show', '800', 'un-redeemed', 'point', 'call', '08715203656', 'identifier', 'code', '42049', 'expires', '26/10/04'], ['mean', 'could', 'keep', 'word'], ['nope', 'still', 'market'], ['realise', 'busy', 'guy', 'trying', 'bother', 'get', 'exam', 'outta', 'way', 'try', 'car', 'gr8', 'day'], ['chosen', 'receive', '£350', 'award', 'pls', 'call', 'claim', 'number', '09066364311', 'collect', 'award', 'selected', 'receive', 'valued', 'mobile', 'customer'], ['hey', 'project', 'started', 'aha'], ['cool', 'see'], ['uworld', 'site', 'buying', 'qbank', 'buying', 'self', 'assessment', 'also'], ['opinion', 'jada', 'kusruthi', 'lovable', 'silent', 'spl', 'character', 'matured', 'stylish', 'simple', 'pls', 'reply..'], ['someonone', 'know', 'trying', 'contact', 'via', 'dating', 'service', 'find', 'could', 'call', 'mobile', 'landline', '09064015307', 'box334sk38ch'], ['yeah', 'still', 'give', 'ride'], ['jay', 'want', 'work', 'first', 'sound'], ['gud', 'gud..k', 'chikku', 'tke', 'care..', 'sleep', 'well', 'gud', 'nyt'], ['part', 'checking'], ['hmm', 'thinking', 'lor', '...'], ['course', "n't", 'tease', '...', 'know', 'simply', 'must', 'see', '*grins*', '...', 'keep', 'posted', 'prey', '...', '*loving', 'smile*', '*devouring', 'kiss*'], ['thanks', 'temales', 'wonderful', 'thank', 'great', 'week'], ['thank', 'princess', 'want', 'see', 'nice', 'juicy', 'booty', '...'], ["n't", 'eaten', 'day', 'sitting', 'staring', 'juicy', 'pizza', "n't", 'eat', 'med', 'ruining', 'life'], ['gud', 'ni8', 'dear..slp', 'well..take', 'care..swt', 'dreams..muah..'], ['come', 'search', 'tat', 'vid..not', 'finishd..'], ['leaving', 'soon', 'little'], ['urgent', 'please', 'call', '09061213237', 'landline', '£5000', 'cash', 'holiday', 'await', 'collection', 'sae', 'box', '177', 'm227xy', '16+'], ['yeah', 'work', 'fine', 'started', 'last', 'week', 'stuff', 'dull', 'easy', 'guy', 'fun'], ['study', 'alone', 'without', 'anyones', 'help', 'cant', 'need', 'study'], ['please', 'tell', 'car', 'key', 'purse'], ['didnt', 'get', 'anything'], ['...', 'sweet', 'dream', '...'], ['well', 'big', 'surprise'], ['usual..iam', 'fine', 'happy', 'amp', 'well..'], ['cbe', 'chennai'], ['help', 'swoop', 'picking', 'wherever', 'bird', 'meeting', 'want'], ['anyone', 'call', 'treadmill', 'say', "'ll", 'buy', 'make', 'sure', 'working', 'found', 'craigslist', 'selling'], ['absolutely', 'love', 'south', 'park', 'recently', 'started', 'watching', 'office'], ['see', 'film'], ['pls', 'speak', 'wont', 'ask', 'anything', 'friendship'], ['storming', 'msg', 'wen', 'lift', 'phne', 'say', 'hello', 'knw', 'real', 'meaning', 'hello', 'name', 'girl..', 'yes..', 'knw', 'dat', 'girl', 'margaret', 'hello', 'girlfrnd', 'grahmbell', 'invnted', 'telphone', '...', 'moral', 'one', '4get', 'name', 'person', 'girlfrnd', '...'], ['gud', 'ni8.swt', 'drms.take', 'care'], ['darlin', 'kate', 'doin', 'somethin', 'tonight', 'going', 'pub', 'called', 'swan', 'something', 'parent', 'one', 'drink', 'phone'], ['anything', 'lar', 'going', 'home', 'dinner'], ['enjoyin', 'indian', 'mo..yep', 'sall', 'good', 'hehe', 'hows', 'bout', 'shexy', 'pete'], ["n't", 'prize', 'another', 'customer', 'www.t-c.biz', '18+', '150p/min', 'polo', 'ltd', 'suite', '373', 'london', 'w1j', '6hl', 'please', 'call', 'back', 'busy'], ['fix', 'teeth', 'asap.ok', 'take', 'care'], ['wan', 'come', 'dinner', 'tonight'], ['hello.how', 'moving', 'flat', 'co', 'need', 'arrange', 'pick', 'lamp', 'etc', 'take', 'care', 'hello', 'caroline'], ['late', 'k.wish'], ['hope', 'day', 'good', 'back', 'walk', 'table', 'booked', 'half', 'eight', 'let', 'know', 'coming'], ['yeah', 'clearly', 'fault'], ['dunno', 'leh', 'cant', 'remember', 'mayb', 'lor', 'wat', 'time', 'meeting', 'tmr'], ['best', 'msg', 'hard', 'person', 'know', 'one', 'step', 'foward', 'make', 'fall', 'love..', 'amp', 'one', 'step', 'back', 'ruin', 'friendship..', 'good', 'night', '...'], ['urgent', 'mobile', 'number', 'awarded', '£2000', 'prize', 'guaranteed', 'call', '09061790126', 'land', 'line', 'claim', '3030', 'valid', '12hrs', '150ppm'], ['helloooo', '...', 'wake', 'up..', 'sweet', 'morning', 'welcome', 'enjoy', 'day', 'full', 'joy', 'gud', 'mrng'], ['vikky', 'come', 'around', 'time'], ['princess'], ['gone', 'get', 'info', 'dont', 'know'], ['yeah', 'probably'], ['sent', 'email', 'soon'], ['urgent', 'week', 'free', 'membership', '£100,000', 'prize', 'jackpot', 'txt', 'word', 'claim', '81010', 'www.dbuk.net', 'lccltd', 'pobox', '4403ldnw1a7rw18'], ['still', 'pretty', 'weak', 'today', 'bad', 'day'], ['hey', "n't", 'forget', '...', 'mine', '...', '...', 'possession', '...', 'property', '...', 'mmm', '...', '*childish', 'smile*', '...'], ['excellent', 'thought', 'misundrstud', 'frnd', 'knw', 'hate', 'day', 'wen', "'ll", 'knw', 'truth', "'ll", 'hate', 'urself'], ['hey', 'congrats', '2u2', 'luv', 'ive', 'home'], ['dear', 'call'], ['trying', 'smth', 'eat', 'already', 'havent', '...'], ['urgent', 'please', 'call', '09061213237', 'landline', '£5000', 'cash', 'luxury', 'canary', 'island', 'holiday', 'await', 'collection', 'sae', 'box', '177', 'm227xy', '150ppm', '16+'], ['donno', 'gene', 'something'], ['xmas', 'iscoming', 'awarded', 'either', '£500', 'gift', 'voucher', 'free', 'entry', '£100', 'weekly', 'draw', 'txt', 'music', '87066', 'tnc', 'www.ldew.com1win150ppmx3age16subscription'], ['alex', 'say'], ['coming', 'funeral', 'home'], ['darling', 'sister', 'school', 'resuming', 'minimum', 'wait', 'period', 'reapply', 'take', 'care'], ['i.ll', 'hand', 'phone', 'chat', 'wit'], ['well', 'good', 'morning', 'hows', 'london', 'treatin', 'treacle'], ["n't", 'make', 'tonight'], ['time', 'come', 'tomorrow'], ['buck', 'bank', 'fee', 'fixed', 'better', 'call', 'bank', 'find'], ['tell', 'quite', 'long', 'co', "n't", 'finish', 'film', 'yet', '...'], ['pls', 'ask', 'macho', 'much', 'budget', 'bold', 'co', 'saw', 'new', 'one', 'dollar'], ['missed', 'call', 'mumhas', 'beendropping', 'red', 'wine', 'theplace', 'adress'], ['ill', 'min', 'look'], ['leave'], ['coming', 'back', 'thursday', 'yay', 'gon', 'get', 'money', 'cheer', 'yeah', 'everything', 'alright', 'hows', 'school', 'call', 'work'], ['jolly', 'good', 'way', 'give', 'ticket', 'sat', 'eve', '7.30', 'speak'], ['yeah', 'thinking'], ['k.k', 'going', 'tirunelvali', 'week', 'see', 'uncle', '..i', 'already', 'spend', 'amount', 'taking', 'dress', '.so', 'want', 'money.i', 'give', 'feb'], ['got', 'favorite', 'oyster', '...', 'got', 'favorite', 'sashimi', '...', 'lar', 'dun', 'say', 'already', '...', 'wait', 'stomach', 'start', 'rumbling', '...'], ['sister', 'going', 'earn'], ['get', 'official', 'england', 'poly', 'ringtone', 'colour', 'flag', 'yer', 'mobile', 'tonight', 'game', 'text', 'tone', 'flag', '84199', 'optout', 'txt', 'eng', 'stop', 'box39822', 'w111wx', '£1.50'], ['hahaha..use', 'brain', 'dear'], ['jus', 'finish', 'watching', '...'], ['fyi', 'back', 'parent', 'place', 'south', 'tampa', 'might', 'need', 'deal', 'somewhere', 'else'], ['good', 'morning', 'love', '...', 'sleep', 'wish', 'great', 'day', 'full', 'feeling', 'better', 'opportunity', '...', 'last', 'thought', 'babe', 'love', '*kiss*'], ['kothi', 'print', 'marandratha'], ['havent', 'got', 'topic', 'yet', 'rite'], ['problem', '...', 'yup', 'going', 'sch', 'rem', 'correctly', '...'], ['thanks', "'ll", 'keep', 'mind'], ['aah', 'bless', 'arm'], ['dear', 'sir', 'salam', 'alaikkum.pride', 'pleasure', 'meeting', 'today', 'tea', 'shop.we', 'pleased', 'send', 'contact', 'number', 'qatar.rakhesh', 'indian.pls', 'save', 'number.respectful', 'regard'], ['gal', 'boy', 'walking', 'park', 'gal-can', 'hold', 'hand', 'boy-y', 'think', 'would', 'run', 'away', 'gal-no', 'jst', 'wana', 'feel', 'walking', 'heaven', 'prince..gn'], ['make', 'happy'], ['wishing', 'wonderful', 'week'], ['sweet', 'heart'], ['sir', 'waiting', 'letter'], ['dude', 'longer', 'pisces', 'aquarius'], ['course', '2yrs', 'message', 'messenger', 'lik', 'sending'], ['think', 'steyn', 'surely', 'get', 'one', 'wicket'], ['neither', 'sterm', 'voice', 'studying', 'fine', 'sure', 'thing', 'resolved', 'tho', 'anyway', 'fab', 'hols'], ['garbage', 'bag', 'egg', 'jam', 'bread', 'hannaford', 'wheat', 'chex'], ['pride', 'almost', 'year', 'old', "n't", 'takin', 'money', 'kid', "'re", 'supposed', 'deal', 'stuff', 'grownup', 'stuff', "n't", 'tell'], ['sound', 'better', 'evening', 'costume', 'sure', 'time', 'finish', 'tomorrow', 'txt', 'end'], ['birthday', 'feb'], ['wan', 'gym'], ['like', 'would', "n't", 'jerk'], ['awake', 'snow'], ['course', 'make', 'stink'], ['subscribed', 'textcomp', '250', 'wkly', 'comp', '1st', 'free', 'question', 'follows', 'subsequent', 'wks', 'charged', '150p/msg.2', 'unsubscribe', 'txt', 'stop', '84128', 'custcare', '08712405020'], ['opening', 'room', "'til", 'thanksgiving', 'without', 'upcharge'], ['guy', 'planning', 'coming'], ['wat'], ['parent', 'kidz', 'friend', 'colleague', 'screaming..', 'surprise', 'waiting', 'sofa..', '...', '...', 'naked', '...'], ['sir', '8-hr', 'trip', 'bus', 'last', 'week', 'another', 'audition', 'next', 'wednesday', 'think', 'might', 'drive', 'time'], ['thought', 'put', 'back', 'box'], ['home', '...'], ['one', 'interested', 'may', 'business', 'plan'], ['yup', 'paragon', '...', 'havent', 'decided', 'whether', 'cut', 'yet', '...', 'hee', '...'], ['good', 'morning', 'princess', 'great', 'day'], ['guai', '...', 'shd', 'haf', 'seen', 'naughty', '...', 'free', 'today', 'jogging', '...'], ['aiyo', 'co', 'sm', 'neva', 'reply', 'wait', 'reply', 'lar', 'tot', 'havent', 'finish', 'lab', 'wat'], ['living', 'simple..', 'loving', 'also', 'simple..', 'laughing', 'simple..', 'winning', 'tooo', 'simple..', "'simple", 'difficult', '...'], ['tell', 'something', 'thats', 'okay'], [], ['hmm', 'shall', 'bring', 'bottle', 'wine', 'keep', 'amused', 'joking', "'ll", 'still', 'bring', 'bottle', 'red', 'white', 'see', 'tomorrow'], ['face', 'test', 'select', 'number', 'tell', 'face', 'astrology', '...', 'waiting', 'quick', 'reply', '...'], ['hey', 'iouri', 'gave', 'number', 'wylie', 'ryan', 'friend'], ['yep', 'get', 'program', "'re", 'slacking'], ['inside', 'office..still', 'filling', 'forms.don', 'know', 'leave'], ['think', 'mentor', '100', 'percent', 'sure'], ['call', '09095350301', 'send', 'girl', 'erotic', 'ecstacy', '60p/min', 'stop', 'text', 'call', '08712460324', 'nat', 'rate'], ['camera', 'awarded', 'sipix', 'digital', 'camera', 'call', '09061221066', 'fromm', 'landline', 'delivery', 'within', 'day'], ['£400', 'xmas', 'reward', 'waiting', 'computer', 'randomly', 'picked', 'loyal', 'mobile', 'customer', 'receive', '£400', 'reward', 'call', '09066380611'], ['trying', 'figure', 'suppose', 'see', 'couple', 'different', 'people', 'week', 'said', 'get', 'together', "n't", 'set', 'date'], ['important', 'message', 'final', 'contact', 'attempt', 'important', 'message', 'waiting', 'customer', 'claim', 'dept', 'expires', '13/4/04', 'call', '08717507382'], ['mom', 'might', 'back', 'later'], ['dating', 'two', 'started', 'sent', 'text', 'talk', 'sport', 'radio', 'last', 'week', 'connection', 'think', 'coincidence'], ['lol', 'got', 'friend', 'dog'], ['ok.', 'problem', 'frm', 'wats', 'matter'], ["'ll", 'head', 'min', 'see'], ['konw', 'waht', 'rael', 'friendship', 'gving', 'yuo', 'exmpel', 'jsut', 'ese', 'tihs', 'msg..', 'evrey', 'splleing', 'tihs', 'msg', 'wrnog..', 'sitll', 'yuo', 'raed', 'wihtuot', 'ayn', 'mitsake..', 'goodnight', 'amp', 'nice', 'sleep..sweet', 'dreams..'], ['cant', 'pick', 'phone', 'right', 'pls', 'send', 'message'], ["n't", 'want', 'leave', 'barely', 'stay', 'sane', 'fighting', 'constantly', "n't", 'helping'], ['current', 'leading', 'bid', '151', 'pause', 'auction', 'send', 'customer', 'care', '08718726270'], ['free', 'entry', 'gr8prizes', 'wkly', 'comp', 'chance', 'win', 'latest', 'nokia', '8800', 'psp', '£250', 'cash', 'every', 'wk.txt', 'great', '80878', 'http//www.gr8prizes.com', '08715705022'], ['somebody', 'set', 'website', 'play', 'hold', 'using', 'eve', 'online', 'spacebucks'], ['sunny', 'california', 'weather', 'cool'], ['new', 'message', 'call', '0207-083-6089'], ['make', 'squeezed', 'buck', 'dad'], ['good', 'day', 'too.pray', 'me.remove', 'teeth', 'painful', 'maintaining', 'stuff'], ['babe', 'hope', 'shit', 'night', 'sleep', 'fell', 'asleep', '5.i\x92m', 'knackered', 'i\x92m', 'dreading', 'work', 'tonight', 'thou', 'upto', 'tonight'], ['friend', 'help', 'problem', 'give', 'stupid', 'suggestion', 'land', 'another', 'problem', 'help', 'forgt', 'previous', 'problem'], ['work', 'please', 'call'], ['gentle', 'baby', 'soon', 'taking', 'inch', 'deep', 'inside', 'tight', 'pussy', '...'], ['much', 'fight', 'wa', 'good', 'nite'], ['ok.ok', 'ok..then..whats', 'today', 'plan'], ['joking', 'seriously', 'told'], ['watching', 'ajith', 'film'], ['ooooooh', 'forgot', 'tell', 'get', 'yoville', 'phone'], ['done', 'handed', "n't", 'know', 'mega', 'shop', 'asda', 'count', 'celebration', 'thats'], ['dont', 'know', 'exactly', 'could', 'ask', 'chechi'], ['dunno', 'lei', 'shd', 'driving', 'lor', 'co', 'sch', 'oni'], ['want', 'custom', 'officer', 'discount'], ['necessarily', 'respectful'], ['hope', 'good', 'day', 'better', 'night'], ['apparently', 'bffs', 'carly', 'quick'], ['hard', 'true', 'much', 'show', 'amp', 'express', 'love', 'someone', '...', '.that', 'much', 'hurt', 'leave', 'get', 'seperated', '...', '〨ud', 'evening', '...'], ['babe', 'think', 'got', 'brolly', 'left', 'english', 'wil', 'bring', '2mrw', 'luv', 'franxx'], ['babe', 'thanks', 'coming', 'even', 'though', 'didnt', 'well', 'wanted', 'bed', 'hope', 'see', 'soon', 'love', 'kiss', 'xxx'], ['got', 'free', 'ice', 'cream', '...', 'oso', 'wan', '...'], ['pls', 'give', 'prometazine', 'syrup', '5mls', 'min', 'later', 'feed'], ['many', 'day', 'since'], ['dear', 'angry', 'busy', 'dear'], ['yup', 'msg', 'tat', 'yijue', 'tot', 'group', 'mate', 'co', 'meeting', 'today', 'mah', '...', 'askin', 'leaving', 'earlier', 'wat', 'mah', 'co', 'mayb', 'haf', 'walk', 'far', '...'], ['...', 'pub'], ['first', 'time', 'everything'], ['daddy', 'shu', 'shu', 'looking', '...', 'wan', 'tell', "'re", 'singapore', 'wat'], ['ask', 'meeting', 'tmr', 'nite', '...'], ['gr8', 'handle', 'victoria', 'island', 'traffic', 'plus', 'album', 'due'], ['nite', 'nite', 'pocay', 'wocay', 'luv', 'thing', '4eva', 'promise', 'ring', '2morrowxxxx'], ['east', 'coast'], ['get', 'chicken', 'broth', 'want', 'ramen', 'unless', "n't", 'know'], ['slave', 'want', 'take', 'picture', 'today', 'bright', 'light', 'cell', 'phone', 'bright', 'light'], ['nope', 'forgot', 'show', 'next', 'week'], ['really', 'master'], ['bruce', 'amp', 'fowler', 'mom', 'car', "n't", 'park', 'long', 'story'], ['dont', 'know', 'hopefully', 'month'], ['elaine', 'today', 'meeting', 'confirmed'], ['k..sry', 'knw', 'siva..tats', 'askd..'], ['sorry', "'ll", 'call', 'later'], ['horrible', 'gal', '...', 'knew', 'dat', 'going', 'wif', 'yest', 'still', 'come', 'ask', '...'], ['otherwise', 'part', 'time', 'job', 'na-tuition..'], ['yeah', 'diet', 'flew', 'window'], ['santa', 'calling', 'would', 'little', 'one', 'like', 'call', 'santa', 'xmas', 'eve', 'call', '09058094583', 'book', 'time'], ['didnt', 'complete', 'gist'], ['yeah', '15:26', 'sorry', 'tell', 'pub/cafe', 'sit', 'come', 'wen'], ['make', 'time', 'tonight', 'whenever', 'cool', 'text', 'whenever', "'re", 'around'], ["n't", 'paying', 'attention'], ['thanx', 'lot', 'help'], ["'re", 'gon', 'way', 'specific'], ['jesus', 'armand', 'really', 'trying', 'tell', 'everybody', 'find'], ['wif', 'buying', 'tix', 'lar', '...'], ['mode', 'men', 'left'], ['slow', 'using', 'biola', 'fne'], ['youdoing', 'later', 'sar', 'xxx'], ['hey', "'ve", 'booked', 'lesson', 'sun', 'liao', '...'], ['thank', 'generally', 'date', 'brothas'], ['way', 'make', 'sure', 'get', 'train', 'worc', 'foregate', 'street', 'shrub', 'hill', 'fun', 'night'], ['thought', 'get', 'watch', 'co', 'thats', 'kind', 'thing', 'get4an18th', 'love', 'much'], ['guaranteed', '32000', 'award', 'maybe', 'even', '£1000', 'cash', 'claim', 'award', 'call', 'free', '0800', '...', '18+', 'legitimat', 'efreefone', 'number', 'wat', 'think'], ['good', 'morning', 'repair', 'shop', 'reason', 'hour'], ['fine', 'got', 'enough', 'bud', 'last', 'night', 'least'], ['back', 'good', 'journey', 'let', 'know', 'need', 'receipt', 'shall', 'tell', 'like', 'pendent'], ['take', 'away', 'money', 'worry'], ['aight', 'pick', 'open', 'tonight'], ['latest', 'news', 'police', 'station', 'toilet', 'stolen', 'cop', 'nothing'], ['sac', 'need', 'carry'], ['sing', 'think', 'also', 'important', 'find', 'someone', 'female', 'know', 'place', 'well', 'preferably', 'citizen', 'also', 'smart', 'help', 'navigate', 'even', 'thing', 'like', 'choosing', 'phone', 'plan', 'require', 'guidance', 'doubt', 'ask', 'especially', 'girl'], ['hello', 'wats', 'talk', 'email', 'address'], ['except', 'chick', 'huge', 'boob'], ['wondering', 'right'], ['wishing', 'beautiful', 'day', 'moment', 'revealing', 'even', 'thing', 'keep', 'smiling', 'enjoy'], ['sparkling', 'shopping', 'break', 'per', 'person', 'call', '0121', '2025050', 'visit', 'www.shortbreaks.org.uk'], ['arun', 'transfr', 'amt'], ['sorry', "'ll", 'call', 'later'], ['hear', 'loud', 'scream', 'minute', 'cause', 'gyno', 'shoving', 'thing', "n't", 'belong'], ['december', 'mobile', '11mths+', 'entitled', 'update', 'latest', 'colour', 'camera', 'mobile', 'free', 'call', 'mobile', 'update', 'free', '08002986906'], ['thk', 'got', 'wan', 'come', 'wat'], ['txt', 'call', '86888', 'claim', 'reward', 'hour', 'talk', 'time', 'use', 'phone', 'subscribe6gbp/mnth', 'inc', '3hrs', 'stop', 'txtstop', 'www.gamb.tv'], ['goin', '2nite'], ['treasure', 'every', 'moment', 'spend', 'together', '...'], ['shall', 'bring', 'bottle', 'wine', 'keep', 'amused', 'joking', 'bring', 'one', 'anyway'], ['http//tms', 'widelive.com/index', 'wml', 'id=820554ad0a1705572711', 'first=true¡c', 'ringtone¡'], ['get', 'garden', 'ready', 'summer', 'free', 'selection', 'summer', 'bulb', 'seed', 'worth', '£33:50', 'scotsman', 'saturday', 'stop', 'go2', 'notxt.co.uk'], ['urgent', 'last', 'weekend', 'draw', 'show', '£1000', 'cash', 'spanish', 'holiday', 'call', '09050000332', 'claim', 'rstm', 'sw7', '3', '150ppm'], ['lor'], ['thought', 'slide', 'enough'], ['yup'], ['well', 'obviously', 'people', 'cool', 'college', 'life', 'went', 'home'], ['lor', 'reaching', 'message'], ['mummy', 'boy', 'good', 'bad', 'positive', 'negative', 'mummy', 'made', 'wait', 'hmmmm'], ['dhoni', 'luck', 'win', 'big', 'title.so', 'win'], ['yes', 'princess', 'want', 'please', 'every', 'night', 'wish', 'command', '...'], ['today-sunday..sunday', 'holiday..so', 'work..'], ['probably'], ['really', 'hope', 'work', 'doesnt', 'get', 'stressful', 'gr8', 'day'], ['seen', 'back', 'holby'], ['shall', 'call', 'dear', 'food'], ['urgent', 'trying', 'contact', 'last', 'weekend', 'draw', 'show', '£1000', 'prize', 'guaranteed', 'call', '09064017295', 'claim', 'code', 'k52', 'valid', '12hrs', '150p'], ['hai', '...', 'bored', 'lecturer', 'repeating', 'last', 'week', 'stuff', 'waste', 'time', '...'], ['picking', 'various', 'point', 'going', 'yeovil', 'motor', 'project', 'hour', 'take', 'home', '5.30', 'max', 'easy'], ['also', 'fuck', 'family', 'going', 'rhode', 'island', 'wherever', 'fuck', 'leaving', 'alone', 'week', 'new', 'bong'], ['ofcourse', 'also', 'upload', 'song'], ['per', 'min', 'call', 'germany', '08448350055', 'line', 'per', 'min', 'check', 'planettalkinstant.com', 'info', 'text', 'stop', 'opt'], ['sent'], ['thanks', 'lot..i', 'already', 'bought', 'egg'], ['sent'], ['studying', 'sch', 'going', 'home', 'anyway', "'ll", 'going', 'sch', 'later'], ['marvel', 'mobile', 'play', 'official', 'ultimate', 'spider-man', 'game', '£4.50', 'mobile', 'right', 'text', 'spider', '83338', 'game', 'send', 'free', '8ball', 'wallpaper'], ['think', 'rule', 'tamilnadu..then', 'tough', 'people'], ['cool', 'shall', 'see', 'tip', 'anyway', 'home', 'got', 'something', 'drop', 'later', 'let', 'town', 'tonight', 'maybe', 'mum', 'take'], ['good', 'afternoon', 'love', '...', 'go', 'day', 'sleep', 'hope', 'well', 'boytoy', '...', 'think', '...'], ['yes', '...', 'trust', 'buy', 'new', 'stuff', 'asap', 'try'], ['sm', 'service', 'inclusive', 'text', 'credit', 'pls', 'goto', 'www.comuk.net', 'login=', '3qxj9', 'unsubscribe', 'stop', 'extra', 'charge', 'help', '08702840625.comuk', '220-cm2', '9ae'], ['wake'], ['get', 'step', 'outta', 'way', 'congrats'], ['love', 'one', 'law', 'make', 'happy', 'person', 'love', 'way', 'friendship', 'one', 'law', 'never', 'make', 'friend', 'feel', 'alone', 'alive', '...', 'gud', 'night'], ['private', '2003', 'account', 'statement', '07808247860', 'show', '800', 'un-redeemed', 'point', 'call', '08719899229', 'identifier', 'code', '40411', 'expires', '06/11/04'], ['apo', 'mokka', 'player'], ['perhaps', 'much', 'easy', 'give', 'account', 'identification', 'tomorrow', 'uni'], ['wait', 'msg', 'min'], ['told', 'tell', 'stupid', 'hear', 'wont', 'tell', 'anything', 'dad', 'called', 'brother', 'spoken'], ['god', 'love', 'limit', 'god', 'grace', 'measure', 'god', 'power', 'boundary', 'may', 'god', 'endless', 'blessing', 'always', 'life', '...', 'gud', 'ni8'], ['want', 'inside', 'every', 'night', '...'], ['machan', 'gym', 'tomorrow', 'wil', 'come', 'late', 'goodnight'], ['lol', 'mad', 'first', 'woke', 'gave'], ['went', 'project', 'centre'], ['reassuring', 'crazy', 'world'], ['making', 'dinner'], ['yes', 'please', 'leave', 'leave'], ['...', 'okie', 'lor', '...', 'sat', '...'], ['great', 'role', 'model', 'giving', 'much', 'really', 'wish', 'day', 'miracle', 'god', 'reason', 'everything', 'must', 'say', 'wish', 'knew', 'dont', "'ve", 'looked', 'since', 'young', 'still', 'great', 'day'], ['referin', 'mei', 'wat', '...', 'waitin', 'treat', 'somebody', 'shld', 'rich', 'liao', '...', 'den', 'dun', 'work', 'frm', 'tmr', 'onwards', '...'], ['mile', 'smile', 'made', 'frm', 'letter', 'know', 'difference..', 'smile', 'face', 'keep', 'happy', 'even', 'though', 'mile', 'away', 'u..', 'keep', 'smiling..', 'good', 'nyt'], ['way', "'ve", 'put', 'skip', 'right', 'outside', 'front', 'house', 'see', 'house', 'pull'], ['pls', 'send', 'company', 'name', 'saibaba', 'colany'], ['dont', 'want', 'hear', 'anything'], ['big', 'chic', 'common', 'declare'], ['thats', 'cool', 'want', 'please', '...'], ['going', 'join', 'tomorrow'], ['awarded', 'sipix', 'digital', 'camera', 'call', '09061221061', 'landline', 'delivery', 'within', '28days', 'box177', 'm221bp', '2yr', 'warranty', '150ppm', 'p£3.99'], ['want', 'tell', 'bad', 'feel', 'basically', 'time', 'text', 'lately', 'need', 'drug'], ['private', '2003', 'account', 'statement', 'show', '800', 'un-redeemed', 's.i.m', 'point', 'call', '08718738001', 'identifier', 'code', '49557', 'expires', '26/11/04'], ['total', 'disappointment', 'texted', 'craziest', 'shit', 'got'], ['effect', 'irritation', 'ignore'], ['one'], ['think', 'tantrum', 'finished', 'yeah', "'ll", 'point'], ['compliment', 'wa', 'away', 'system', 'side'], ['happened', 'adventuring'], ['hey', 'chief', 'give', 'bell', 'get', 'need', 'talk', 'royal', 'visit', '1st', 'june'], ['another', 'number'], ['know', 'thinkin', 'malaria', 'relax', 'child', 'cant', 'handle', 'malaria', 'would', 'worse', 'gastroenteritis', 'take', 'enough', 'replace', 'loss', 'temp', 'reduce', 'give', 'malaria', 'med', 'vomit', 'self', 'limiting', 'illness', 'mean', 'day', 'completely', 'stop'], ['aiyah', 'wat', 'long', 'got', 'improve', 'already', 'wat', '...'], ['want', 'explicit', 'sex', 'sec', 'ring', '02073162414', 'cost', '20p/min', 'gsex', 'pobox', '2667', 'wc1n', '3xx'], ["n't", 'believe', 'attached', 'seeing', 'every', 'day', 'know', 'best', 'get', 'babe', 'teach', 'class', 'midnight'], ['sleeping..and', 'surfing'], ['asked', '3mobile', '0870', 'chatlines', 'inclu', 'free', 'min', 'india', 'cust', 'servs', 'sed', 'yes', 'l8er', 'got', 'mega', 'bill', 'dont', 'giv', 'shit', 'bailiff', 'due', 'day', '£250', 'want', '£800'], ['yeah', 'jus', 'rite', '...'], ['armand', 'say', 'get', 'epsilon'], ['still', 'havent', 'got', 'urself', 'jacket'], ['taking', 'derek', 'amp', 'taylor', 'walmart', 'back', 'time', "'re", 'done', 'leave', 'mouse', 'desk', "'ll", 'text', 'priscilla', 'ready'], ['durban', 'still', 'number'], ['lotta', 'childporn', 'car'], ['contract', 'mobile', 'mnths', 'latest', 'motorola', 'nokia', 'etc', 'free', 'double', 'min', 'text', 'orange', 'tariff', 'text', 'yes', 'callback', 'remove', 'record'], ['trying', 'weekend'], ['know', 'wot', 'people', 'wear', 'shirt', 'jumper', 'hat', 'belt', 'know', 'cribbs'], ['cool', 'time', 'think', 'get'], ['wen', 'get', 'spiritual', 'deep', 'great'], ['safe', 'trip', 'nigeria', 'wish', 'happiness', 'soon', 'company', 'share', 'moment'], ['hahaha..use', 'brain', 'dear'], ['well', 'keep', 'mind', "'ve", 'got', 'enough', 'gas', 'one', 'round', 'trip', 'barring', 'sudden', 'influx', 'cash'], ['yeh', 'indian', 'nice', 'tho', 'kane', 'bit', 'shud', 'drink', 'sometime', 'soon', 'mite', 'hav', 'work', 'laugh', 'soon', 'love', 'pete'], ['yes', 'texted', 'pshew', '...', 'missing', 'much'], ['meant', 'calculation', 'unit', 'school', 'really', 'expensive', 'started', 'practicing', 'accent', 'important', 'decided', '4years', 'dental', 'school', "'ll", 'nmde', 'exam'], ['sorry', "'ll", 'call', 'later'], ["n't", 'next', 'hour', 'imma', 'flip', 'shit'], ['anything', 'lor', 'juz', 'lor'], ['get', 'dump', 'heap', 'mom', 'decided', 'come', 'lowes', 'boring'], ['lor', '...', 'sony', 'ericsson', 'salesman', '...', 'ask', 'shuhui', 'say', 'quite', 'use', 'considering', '...'], ['ard', 'like', 'dat', 'lor'], ["n't", 'wait', "'til", 'least', 'wednesday', 'see', 'get'], ['huh', 'lei', '...'], ['reminder', 'get', '2.50', 'pound', 'free', 'call', 'credit', 'detail', 'great', 'offer', 'pls', 'reply', 'text', 'valid', 'name', 'house', 'postcode'], ['2nd', 'time', 'tried', 'contact', '£750', 'pound', 'prize', 'claim', 'easy', 'call', '087187272008', 'now1', '10p', 'per', 'minute', 'bt-national-rate'], ['going', 'esplanade', 'home'], ['pity', 'mood', '...', 'suggestion'], ['guy', 'bitching', 'acted', 'like', 'interested', 'buying', 'something', 'else', 'next', 'week', 'gave', 'free'], ['rofl', 'true', 'name']]
Top 10 terms for topic #0: call,...,prize,time,claim,free,get,dinner,okie,let
Top 10 terms for topic #1: coming,...,plan,home,know,day,today,yup,call,wat
Top 10 terms for topic #2: call,later,sorry,'ll,...,home,meeting,free,got,get
Top 10 terms for topic #3: ...,come,get,wat,need,yeah,got,going,lor,home
Top 10 terms for topic #4: ...,n't,lor,come,see,get,make,want,number,stop

Getting Started with gensim


In [41]:
raw_corpus = ["Human machine interface for lab abc computer applications",
             "A survey of user opinion of computer system response time",
             "The EPS user interface management system",
             "System and human system engineering testing of EPS",              
             "Relation of user perceived response time to error measurement",
             "The generation of random binary unordered trees",
             "The intersection graph of paths in trees",
             "Graph minors IV Widths of trees and well quasi ordering",
             "Graph minors A survey"]

# Create a set of frequent words
stoplist = set('for a of the and to in'.split(' '))
# Lowercase each document, split it by white space and filter out stopwords
texts = [[word for word in document.lower().split() if word not in stoplist]
         for document in raw_corpus]
texts


Out[41]:
[['human', 'machine', 'interface', 'lab', 'abc', 'computer', 'applications'],
 ['survey', 'user', 'opinion', 'computer', 'system', 'response', 'time'],
 ['eps', 'user', 'interface', 'management', 'system'],
 ['system', 'human', 'system', 'engineering', 'testing', 'eps'],
 ['relation', 'user', 'perceived', 'response', 'time', 'error', 'measurement'],
 ['generation', 'random', 'binary', 'unordered', 'trees'],
 ['intersection', 'graph', 'paths', 'trees'],
 ['graph', 'minors', 'iv', 'widths', 'trees', 'well', 'quasi', 'ordering'],
 ['graph', 'minors', 'survey']]

In [44]:
# Count word frequencies
from collections import defaultdict
frequency = defaultdict(int)
# print(frequency['ddddd'])  # 0 default
for text in texts:
    for token in text:
        frequency[token] += 1

frequency


Out[44]:
defaultdict(int,
            {'abc': 1,
             'applications': 1,
             'binary': 1,
             'computer': 2,
             'engineering': 1,
             'eps': 2,
             'error': 1,
             'generation': 1,
             'graph': 3,
             'human': 2,
             'interface': 2,
             'intersection': 1,
             'iv': 1,
             'lab': 1,
             'machine': 1,
             'management': 1,
             'measurement': 1,
             'minors': 2,
             'opinion': 1,
             'ordering': 1,
             'paths': 1,
             'perceived': 1,
             'quasi': 1,
             'random': 1,
             'relation': 1,
             'response': 2,
             'survey': 2,
             'system': 4,
             'testing': 1,
             'time': 2,
             'trees': 3,
             'unordered': 1,
             'user': 3,
             'well': 1,
             'widths': 1})

In [45]:
# Only keep words that appear more than once
processed_corpus = [[token for token in text if frequency[token] > 1] for text in texts]
processed_corpus


Out[45]:
[['human', 'interface', 'computer'],
 ['survey', 'user', 'computer', 'system', 'response', 'time'],
 ['eps', 'user', 'interface', 'system'],
 ['system', 'human', 'system', 'eps'],
 ['user', 'response', 'time'],
 ['trees'],
 ['graph', 'trees'],
 ['graph', 'minors', 'trees'],
 ['graph', 'minors', 'survey']]

In [48]:
'''
Before proceeding, we want to associate each word in the corpus with a unique integer ID.
We can do this using the gensim.corpora.Dictionary class. This dictionary defines the vocabulary of all words that our processing knows about.
'''
from gensim import corpora

dictionary = corpora.Dictionary(processed_corpus)
print(dictionary)


Dictionary(12 unique tokens: ['human', 'interface', 'computer', 'survey', 'user']...)

In [49]:
print(dictionary.token2id)


{'human': 0, 'interface': 1, 'computer': 2, 'survey': 3, 'user': 4, 'system': 5, 'response': 6, 'time': 7, 'eps': 8, 'trees': 9, 'graph': 10, 'minors': 11}

In [50]:
new_doc = "Human computer interaction"
new_vec = dictionary.doc2bow(new_doc.lower().split())
new_vec


Out[50]:
[(0, 1), (2, 1)]

In [51]:
bow_corpus = [dictionary.doc2bow(text) for text in processed_corpus]
bow_corpus


Out[51]:
[[(0, 1), (1, 1), (2, 1)],
 [(2, 1), (3, 1), (4, 1), (5, 1), (6, 1), (7, 1)],
 [(1, 1), (4, 1), (5, 1), (8, 1)],
 [(0, 1), (5, 2), (8, 1)],
 [(4, 1), (6, 1), (7, 1)],
 [(9, 1)],
 [(9, 1), (10, 1)],
 [(9, 1), (10, 1), (11, 1)],
 [(3, 1), (10, 1), (11, 1)]]

In [52]:
from gensim import models
# train the model
tfidf = models.TfidfModel(bow_corpus)
# transform the "system minors" string
tfidf[dictionary.doc2bow("system minors".lower().split())]


Out[52]:
[(5, 0.5898341626740045), (11, 0.8075244024440723)]

In [ ]: