├── A Guide to CoreML.ipynb
├── MessageClassifier.mlmodel
├── README.md
├── SpamStopper
├── SpamStopper MessagesExtension
│ ├── Assets.xcassets
│ │ ├── Contents.json
│ │ └── iMessage App Icon.stickersiconset
│ │ │ └── Contents.json
│ ├── Base.lproj
│ │ └── MainInterface.storyboard
│ ├── Info.plist
│ ├── MessageClassifier.mlmodel
│ ├── MessagesViewController.swift
│ ├── SMSSpamCollection.txt
│ └── words_ordered.txt
├── SpamStopper.xcodeproj
│ ├── project.pbxproj
│ ├── project.xcworkspace
│ │ ├── contents.xcworkspacedata
│ │ └── xcuserdata
│ │ │ └── gokulswamy.xcuserdatad
│ │ │ └── UserInterfaceState.xcuserstate
│ └── xcuserdata
│ │ └── gokulswamy.xcuserdatad
│ │ └── xcschemes
│ │ └── xcschememanagement.plist
└── SpamStopper
│ ├── Assets.xcassets
│ └── AppIcon.appiconset
│ │ └── Contents.json
│ └── Info.plist
├── spam_detection.py
└── words_ordered.txt
/A Guide to CoreML.ipynb:
--------------------------------------------------------------------------------
1 | {
2 | "cells": [
3 | {
4 | "cell_type": "markdown",
5 | "metadata": {},
6 | "source": [
7 | "# A Guide to CoreML on iOS\n",
8 | "\n",
9 | "\n",
10 | "\n",
11 | "## Our Demo\n",
12 | "\n",
13 | "We're going to build a simple iMessage app that can detect whether or not a message is spam. With the Messages framework, you can build a standalone iMessage app, or an extension to an iOS app that lets users interact with your iOS app without leaving Messages. We'll build an extension. The Model trained using the SMS Spam Collection Dataset in sklearn and converted using coremltools into .mlmodel format.\n",
14 | "\n",
15 | "\n",
16 | "\n",
17 | "## The Stack\n",
18 | "\n",
19 | "### First, some History... \n",
20 | "\n",
21 | "#### The previous ML frameworks for iOS\n",
22 | "Last year, Apple Announced the Metal Performance Shader Convolutional Neural Network (MPSCNN). This implement CNNs using convolutionss, pooling, normalization, and other matrix multiplication operations. They also announced Basic Neural Network Subroutines (BNNS) a collection of math functions that take full advantage of the CPU’s fast vector instructions (also used for CNNs). \n",
23 | "\n",
24 | "#### Links to documentation\n",
25 | "https://developer.apple.com/documentation/accelerate/bnns (BNNs)\n",
26 | "https://developer.apple.com/documentation/metalperformanceshaders (MPSCNN)\n",
27 | "\n",
28 | "#### Features\n",
29 | "- Both let developers perform inference on convolutional neural networks on iOS devices.\n",
30 | "- BNNS runs on the CPU\n",
31 | "- MPSCNN runs on the GPU. \n",
32 | "- Sometimes using the CPU is faster, sometimes using the GPU is faster.\n",
33 | "- For training GPU always wins,but for inference sometimes CPU can be faster\n",
34 | "\n",
35 | "#### Where we are today\n",
36 | "This year we get lots of additions to Metal (the framework that allows direct access to on-device GPUs), a new computer vision framework, and Core ML: a toolkit that makes it really easy to put ML models into your app.\n",
37 | "\n",
38 | "\n",
39 | "\n",
40 | "- CoreML is built on its previous 2 released ML libraries\n",
41 | "- CoreML is the foundation for domain-specific frameworks and functionality.\n",
42 | "- The 3 domains are Computer vision (image analysis), Foundation aka Natural Language Processing, and GamePlayKit (evaluating learned decison trees)\n",
43 | "- So you can take a CoreML model and pass it to any of these 3 APIs (yay modularity)\n",
44 | "- ML primitives > ML framework > domain specific ML frameworks > your app\n",
45 | "\n",
46 | "## The Development Workflow\n",
47 | "\n",
48 | "\n",
49 | "\n",
50 | "#### This can be a 2 step process if you use a CoreML model from Apple\n",
51 | "1. loading a trained model\n",
52 | "2. making predictions\n",
53 | "\n",
54 | "\n",
55 | "\n",
56 | "#### Or it can be a 3 step process if you need to convert a third party model into a CoreML model\n",
57 | "1. Convert Model (via coremltools,a a Python package designed to help generate an .mlmodel file that Xcode can use)\n",
58 | "2. Load the Model\n",
59 | "3. Make Predictions\n",
60 | "\n",
61 | "#### The .mlmodel file is like the PDF of Machine Learning Models. Apple has created a standard format for its devices.\n",
62 | "\n",
63 | "- You can find popular models that apple has already converted into it's format here https://developer.apple.com/machine-learning/ \n",
64 | "- Else, here is an amazing list https://github.com/likedan/Awesome-CoreML-Models\n",
65 | "- The file format describes the layers in your model, the input and outputs, the class labels, any preprocessing that needs to happen on the data, and the learned parameters (the weights and biases).\n",
66 | "\n",
67 | "\n",
68 | "\n",
69 | "#### Sample \n",
70 | "\n",
71 | "```swift\n",
72 | "let model = ResNet50()\n",
73 | "let pixelBuffer: CVPixelBuffer = /* your image */\n",
74 | "\n",
75 | "if let prediction = try? model.prediction(image: pixelBuffer) {\n",
76 | " print(prediction.classLabel)\n",
77 | "}\n",
78 | "```\n",
79 | "That's it!\n",
80 | "\n",
81 | "## Pros vs Cons of CoreML\n",
82 | "\n",
83 | "\n",
84 | "\n",
85 | "\n",
86 | "\n",
87 | "### Pros\n",
88 | "\n",
89 | "- Optimized for on-device performance, which minimizes memory footprint and power consumption. \n",
90 | "- On-device means privacy of user data \n",
91 | "- On-Device means functional predictions even without an internet connection\n",
92 | "- It decides for itself whether to run the model on the CPU or the GPU (or both)\n",
93 | "- Because it can use CPU, you can run it from the iOS simulator (which doesn't support GPU)\n",
94 | "- It supports many models\n",
95 | " * support vector machines (SVM)\n",
96 | " * tree ensembles such as random forests and boosted trees\n",
97 | " * linear regression and logistic regression\n",
98 | " * neural networks: feed-forward, convolutional, recurrent\n",
99 | "\n",
100 | "\n",
101 | "\n",
102 | "\n",
103 | "#### Cons\n",
104 | "\n",
105 | "- Native support for Supervised models only (no unsupervised or reinforcement learning, but could use 'generic' NN type potentially)\n",
106 | "- No training on device, only inference \n",
107 | "- If CoreML does not support a certain layer type, you can’t use it. Currently impossible to extend Core ML with your own layer types\n",
108 | "- Core ML conversion tools only support specific versions of a limited number of training tools (no tensorflow)\n",
109 | "- You cannot look at the output produced by intermediate layers, you only get the prediction\n",
110 | "- Only supports regression & classification. No clustering, ranking, dimensionality reduction, etc.)\n",
111 | "- no federated learning\n",
112 | "\n",
113 | "### My biggest wish for CoreML - add federated learning!\n",
114 | "\n",
115 | "\n",
116 | "\n",
117 | "\n",
118 | "A Your phone personalizes the model locally, based on your usage \n",
119 | "B Many users' updates are aggregated \n",
120 | "C to form a consensus change to the shared model, after which the procedure is repeated.\n",
121 | "\n",
122 | "\n",
123 | "### TL;DR CoreML is super simple to use but limited in its functionality. If you want full control, you’re going to have to DIY with Metal Performance Shaders or the Accelerate framework — or both!\n",
124 | "\n",
125 | "\n",
126 | "### Don't worry, there are other ways to do ML on iOS\n",
127 | "\n",
128 | "http://alexsosn.github.io/ml/2015/11/05/iOS-ML.html#cv\n",
129 | "\n",
130 | "\n",
131 | "# Our steps \n",
132 | "\n",
133 | "First, in Python....\n",
134 | "\n",
135 | "1. Import our dataset\n",
136 | "2. Train several models using Scikit-learn\n",
137 | "3. Convert the best model into an .mlmodel file\n",
138 | "\n",
139 | "Then, in Swift\n",
140 | "\n",
141 | "1. Drag and drop our dataset and trained .mlmodel into our project\n",
142 | "2. Write the basic prediction code\n",
143 | "3. Write the TF-IDF code (short for term frequency–inverse document frequency, a a numerical statistic that is intended to reflect how important a word is to a document in a collection or corpus)\n",
144 | "4. Demo!\n"
145 | ]
146 | },
147 | {
148 | "cell_type": "markdown",
149 | "metadata": {},
150 | "source": [
151 | "## Dependencies"
152 | ]
153 | },
154 | {
155 | "cell_type": "code",
156 | "execution_count": 1,
157 | "metadata": {
158 | "collapsed": true
159 | },
160 | "outputs": [],
161 | "source": [
162 | "#Sklearn and numpy\n",
163 | "import numpy as np\n",
164 | "import sklearn\n",
165 | "from sklearn.model_selection import train_test_split\n",
166 | "from sklearn.pipeline import Pipeline\n",
167 | "from sklearn.feature_extraction.text import CountVectorizer\n",
168 | "from sklearn.feature_extraction.text import TfidfTransformer\n",
169 | "from sklearn.feature_extraction.text import TfidfVectorizer\n",
170 | "from sklearn.naive_bayes import MultinomialNB\n",
171 | "from sklearn.svm import LinearSVC\n",
172 | "from sklearn.ensemble import RandomForestClassifier\n",
173 | "from sklearn.metrics import classification_report"
174 | ]
175 | },
176 | {
177 | "cell_type": "markdown",
178 | "metadata": {},
179 | "source": [
180 | "### CoreMLtools doesnt run on python 3 so well need to install it via python 2\n",
181 | "```\n",
182 | "brew install pyenv\n",
183 | "pyenv install 2.7.12\n",
184 | "pyenv global 2.7.12\n",
185 | "pyenv rehash\n",
186 | "pip install coremltools\n",
187 | "```"
188 | ]
189 | },
190 | {
191 | "cell_type": "code",
192 | "execution_count": null,
193 | "metadata": {
194 | "collapsed": false
195 | },
196 | "outputs": [],
197 | "source": [
198 | "import coremltools"
199 | ]
200 | },
201 | {
202 | "cell_type": "markdown",
203 | "metadata": {},
204 | "source": [
205 | "## Import Data"
206 | ]
207 | },
208 | {
209 | "cell_type": "code",
210 | "execution_count": null,
211 | "metadata": {
212 | "collapsed": false
213 | },
214 | "outputs": [],
215 | "source": [
216 | "#labeled data http://www.dt.fee.unicamp.br/~tiago/smsspamcollection/\n",
217 | "\n",
218 | "# Reading in and parsing data\n",
219 | "raw_data = open('SMSSpamCollection.txt', 'r')\n",
220 | "sms_data = []\n",
221 | "for line in raw_data:\n",
222 | " split_line = line.split(\"\\t\")\n",
223 | " sms_data.append(split_line)\n",
224 | "\n",
225 | "# Splitting data into messages and labels and training and test\n",
226 | "sms_data = np.array(sms_data)\n",
227 | "X = sms_data[:, 1]\n",
228 | "y = sms_data[:, 0]\n",
229 | "X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.15, random_state=22)\n",
230 | "\n",
231 | "print X_train"
232 | ]
233 | },
234 | {
235 | "cell_type": "markdown",
236 | "metadata": {},
237 | "source": [
238 | "## Train Models for classification\n",
239 | "\n",
240 | "3 models\n",
241 | "- Multinomial Naive Bayes (A specialized version of Naive Bayes that is designed more for text documents. Whereas simple naive Bayes would model a document as the presence and absence of particular words, multinomial naive bayes explicitly models the word counts and adjusts the underlying calculations to deal with in)\n",
242 | "\n",
243 | "- Support Vector Machine\n",
244 | "\n",
245 | "- Random Forest \n",
246 | "\n",
247 | "\n",
248 | "\n",
249 | "2 vectoriziation strategies\n",
250 | "- count vectorizer (Convert a collection of text documents to a matrix of token counts) \n",
251 | "- TF-IDF vectorizers (Convert a collection of raw documents to a matrix of TF-IDF features.) \n",
252 | "\n",
253 | ""
254 | ]
255 | },
256 | {
257 | "cell_type": "code",
258 | "execution_count": null,
259 | "metadata": {
260 | "collapsed": false
261 | },
262 | "outputs": [],
263 | "source": [
264 | "# Building Pipelines\n",
265 | "pipeline_1 = Pipeline([('vect', CountVectorizer()),('clf', MultinomialNB())])\n",
266 | "pipeline_2 = Pipeline([('vect', TfidfVectorizer()),('clf', MultinomialNB())])\n",
267 | "pipeline_3 = Pipeline([('vect', CountVectorizer()),('clf', LinearSVC())])\n",
268 | "pipeline_4 = Pipeline([('vect', TfidfVectorizer()),('clf', LinearSVC())])\n",
269 | "pipeline_5 = Pipeline([('vect', CountVectorizer()),('clf', RandomForestClassifier())])\n",
270 | "pipeline_6 = Pipeline([('vect', TfidfVectorizer()),('clf', RandomForestClassifier())])\n",
271 | "pipelines = [pipeline_1, pipeline_2, pipeline_3, pipeline_4, pipeline_5, pipeline_6]\n",
272 | "\n",
273 | "# Performing classification and calculating accuracy\n",
274 | "for pipeline in pipelines:\n",
275 | " pipeline.fit(X_train, y_train)\n",
276 | " y_pred = pipeline.predict(X_test)\n",
277 | " print(classification_report(y_test, y_pred, target_names=[\"ham\", \"spam\"]))"
278 | ]
279 | },
280 | {
281 | "cell_type": "markdown",
282 | "metadata": {},
283 | "source": [
284 | "## SVC + tfidf wins! Lets Save trained model as .mlmodel"
285 | ]
286 | },
287 | {
288 | "cell_type": "code",
289 | "execution_count": 9,
290 | "metadata": {
291 | "collapsed": true
292 | },
293 | "outputs": [],
294 | "source": [
295 | "# Creating and saving an .mlmodel file and a list of words\n",
296 | "vectorizer = TfidfVectorizer()\n",
297 | "vectorized = vectorizer.fit_transform(X)\n",
298 | "words = open('words_ordered.txt', 'w')\n",
299 | "for feature in vectorizer.get_feature_names():\n",
300 | " words.write(feature.encode('utf-8') + '\\n')\n",
301 | "words.close()\n",
302 | "model = LinearSVC()\n",
303 | "model.fit(vectorized, y)\n",
304 | "coreml_model = coremltools.converters.sklearn.convert(model, \"message\", 'label')\n",
305 | "coreml_model.save('MessageClassifier.mlmodel')"
306 | ]
307 | },
308 | {
309 | "cell_type": "code",
310 | "execution_count": null,
311 | "metadata": {
312 | "collapsed": true
313 | },
314 | "outputs": [],
315 | "source": []
316 | }
317 | ],
318 | "metadata": {
319 | "kernelspec": {
320 | "display_name": "Python 2",
321 | "language": "python",
322 | "name": "python2"
323 | },
324 | "language_info": {
325 | "codemirror_mode": {
326 | "name": "ipython",
327 | "version": 2
328 | },
329 | "file_extension": ".py",
330 | "mimetype": "text/x-python",
331 | "name": "python",
332 | "nbconvert_exporter": "python",
333 | "pygments_lexer": "ipython2",
334 | "version": "2.7.12"
335 | }
336 | },
337 | "nbformat": 4,
338 | "nbformat_minor": 2
339 | }
340 |
--------------------------------------------------------------------------------
/MessageClassifier.mlmodel:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/llSourcell/A_guide_to_coreML/38dcd5f71dabc80ef567a80688564030828cb0a8/MessageClassifier.mlmodel
--------------------------------------------------------------------------------
/README.md:
--------------------------------------------------------------------------------
1 | # A_guide_to_coreML
2 | This is the code for "A Guide to CoreML for iOS" by Siraj Raval on Youtube
3 |
4 | ## Overview
5 |
6 | This is the code for [this](https://youtu.be/T4t73CXB7CU) video on Youtube by Siraj Raval. The SMS dataset is [here](http://www.dt.fee.unicamp.br/~tiago/smsspamcollection/). This is a guide to Core ML, the new ML framework from Apple. The notebook explains it and the Xcode project implements a spam classifier.
7 |
8 | ## Dependencies
9 |
10 | Install these with [pip](https://pip.pypa.io/en/stable/)
11 | * scikit-learn
12 | * numpy
13 | * coremltools
14 |
15 | These are Apple specific
16 | * Xcode 9.0+
17 | * iOS 11+ to build on device
18 |
19 | ## Usage
20 |
21 | Run the [notebook](http://jupyter.readthedocs.io/en/latest/install.html) using `jupyter notebook` in terminal. You can run open the iOS code by double clicking on the .xcodeproj file from [Xcode](https://developer.apple.com/xcode/downloads/).
22 |
23 | ## Credits
24 |
25 | The credits for this code go to [Gokul](https://github.com/gkswamy98). I've merely created a wrapper to get people started.
26 |
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper MessagesExtension/Assets.xcassets/Contents.json:
--------------------------------------------------------------------------------
1 | {
2 | "info" : {
3 | "version" : 1,
4 | "author" : "xcode"
5 | }
6 | }
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper MessagesExtension/Assets.xcassets/iMessage App Icon.stickersiconset/Contents.json:
--------------------------------------------------------------------------------
1 | {
2 | "images" : [
3 | {
4 | "idiom" : "iphone",
5 | "size" : "60x45",
6 | "scale" : "2x"
7 | },
8 | {
9 | "idiom" : "iphone",
10 | "size" : "60x45",
11 | "scale" : "3x"
12 | },
13 | {
14 | "idiom" : "ipad",
15 | "size" : "67x50",
16 | "scale" : "2x"
17 | },
18 | {
19 | "idiom" : "ipad",
20 | "size" : "74x55",
21 | "scale" : "2x"
22 | },
23 | {
24 | "size" : "27x20",
25 | "idiom" : "universal",
26 | "scale" : "2x",
27 | "platform" : "ios"
28 | },
29 | {
30 | "size" : "27x20",
31 | "idiom" : "universal",
32 | "scale" : "3x",
33 | "platform" : "ios"
34 | },
35 | {
36 | "size" : "32x24",
37 | "idiom" : "universal",
38 | "scale" : "2x",
39 | "platform" : "ios"
40 | },
41 | {
42 | "size" : "32x24",
43 | "idiom" : "universal",
44 | "scale" : "3x",
45 | "platform" : "ios"
46 | },
47 | {
48 | "size" : "1024x768",
49 | "idiom" : "ios-marketing",
50 | "scale" : "1x",
51 | "platform" : "ios"
52 | }
53 | ],
54 | "info" : {
55 | "version" : 1,
56 | "author" : "xcode"
57 | }
58 | }
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper MessagesExtension/Base.lproj/MainInterface.storyboard:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
5 |
6 |
7 |
8 |
9 |
10 |
11 |
12 |
13 |
14 |
15 |
16 |
17 |
18 |
19 |
20 |
21 |
22 |
23 |
29 |
39 |
40 |
41 |
42 |
43 |
44 |
45 |
46 |
47 |
48 |
49 |
50 |
51 |
52 |
53 |
54 |
55 |
56 |
57 |
58 |
59 |
60 |
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper MessagesExtension/Info.plist:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
5 | CFBundleDevelopmentRegion
6 | $(DEVELOPMENT_LANGUAGE)
7 | CFBundleDisplayName
8 | SpamStopper
9 | CFBundleExecutable
10 | $(EXECUTABLE_NAME)
11 | CFBundleIdentifier
12 | $(PRODUCT_BUNDLE_IDENTIFIER)
13 | CFBundleInfoDictionaryVersion
14 | 6.0
15 | CFBundleName
16 | $(PRODUCT_NAME)
17 | CFBundlePackageType
18 | XPC!
19 | CFBundleShortVersionString
20 | 1.0
21 | CFBundleVersion
22 | 1
23 | NSExtension
24 |
25 | NSExtensionMainStoryboard
26 | MainInterface
27 | NSExtensionPointIdentifier
28 | com.apple.message-payload-provider
29 |
30 |
31 |
32 |
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper MessagesExtension/MessageClassifier.mlmodel:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/llSourcell/A_guide_to_coreML/38dcd5f71dabc80ef567a80688564030828cb0a8/SpamStopper/SpamStopper MessagesExtension/MessageClassifier.mlmodel
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper MessagesExtension/MessagesViewController.swift:
--------------------------------------------------------------------------------
1 | //
2 | // MessagesViewController.swift
3 | // SpamStopper MessagesExtension
4 | //
5 | // Created by Gokul Swamy on 6/25/17.
6 | // Copyright © 2017 Gokul Swamy. All rights reserved.
7 | //
8 |
9 | import UIKit
10 | import Messages
11 | import CoreML
12 |
13 | class MessagesViewController: MSMessagesAppViewController {
14 | @IBOutlet weak var label: UILabel!
15 | @IBOutlet weak var button: UIButton!
16 |
17 | @IBAction func pushed(_ sender: Any) {
18 | let copied = UIPasteboard.general.string
19 | if let text = copied {
20 | let vec = tfidf(sms: text)
21 | do {
22 | let prediction = try MessageClassifier().prediction(message: vec).label
23 | print(prediction)
24 | label.text = prediction
25 | } catch {
26 | label.text = "No Prediction"
27 | }
28 | }
29 | }
30 | override func viewDidLoad() {
31 | super.viewDidLoad()
32 | }
33 |
34 | func tfidf(sms: String) -> MLMultiArray{
35 | let wordsFile = Bundle.main.path(forResource: "words_ordered", ofType: "txt")
36 | let smsFile = Bundle.main.path(forResource: "SMSSpamCollection", ofType: "txt")
37 | do {
38 | let wordsFileText = try String(contentsOfFile: wordsFile!, encoding: String.Encoding.utf8)
39 | var wordsData = wordsFileText.components(separatedBy: .newlines)
40 | wordsData.removeLast() // Trailing newline.
41 | let smsFileText = try String(contentsOfFile: smsFile!, encoding: String.Encoding.utf8)
42 | var smsData = smsFileText.components(separatedBy: .newlines)
43 | smsData.removeLast() // Trailing newline.
44 | let wordsInMessage = sms.split(separator: " ")
45 | var vectorized = try MLMultiArray(shape: [NSNumber(integerLiteral: wordsData.count)], dataType: MLMultiArrayDataType.double)
46 | for i in 0..
2 |
4 |
6 |
7 |
8 |
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper.xcodeproj/project.xcworkspace/xcuserdata/gokulswamy.xcuserdatad/UserInterfaceState.xcuserstate:
--------------------------------------------------------------------------------
https://raw.githubusercontent.com/llSourcell/A_guide_to_coreML/38dcd5f71dabc80ef567a80688564030828cb0a8/SpamStopper/SpamStopper.xcodeproj/project.xcworkspace/xcuserdata/gokulswamy.xcuserdatad/UserInterfaceState.xcuserstate
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper.xcodeproj/xcuserdata/gokulswamy.xcuserdatad/xcschemes/xcschememanagement.plist:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
5 | SchemeUserState
6 |
7 | SpamStopper MessagesExtension.xcscheme
8 |
9 | orderHint
10 | 0
11 |
12 |
13 |
14 |
15 |
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper/Assets.xcassets/AppIcon.appiconset/Contents.json:
--------------------------------------------------------------------------------
1 | {
2 | "images" : [
3 | {
4 | "idiom" : "iphone",
5 | "size" : "20x20",
6 | "scale" : "2x"
7 | },
8 | {
9 | "idiom" : "iphone",
10 | "size" : "20x20",
11 | "scale" : "3x"
12 | },
13 | {
14 | "idiom" : "iphone",
15 | "size" : "29x29",
16 | "scale" : "2x"
17 | },
18 | {
19 | "idiom" : "iphone",
20 | "size" : "29x29",
21 | "scale" : "3x"
22 | },
23 | {
24 | "idiom" : "iphone",
25 | "size" : "40x40",
26 | "scale" : "2x"
27 | },
28 | {
29 | "idiom" : "iphone",
30 | "size" : "40x40",
31 | "scale" : "3x"
32 | },
33 | {
34 | "idiom" : "iphone",
35 | "size" : "60x60",
36 | "scale" : "2x"
37 | },
38 | {
39 | "idiom" : "iphone",
40 | "size" : "60x60",
41 | "scale" : "3x"
42 | },
43 | {
44 | "idiom" : "ipad",
45 | "size" : "20x20",
46 | "scale" : "1x"
47 | },
48 | {
49 | "idiom" : "ipad",
50 | "size" : "20x20",
51 | "scale" : "2x"
52 | },
53 | {
54 | "idiom" : "ipad",
55 | "size" : "29x29",
56 | "scale" : "1x"
57 | },
58 | {
59 | "idiom" : "ipad",
60 | "size" : "29x29",
61 | "scale" : "2x"
62 | },
63 | {
64 | "idiom" : "ipad",
65 | "size" : "40x40",
66 | "scale" : "1x"
67 | },
68 | {
69 | "idiom" : "ipad",
70 | "size" : "40x40",
71 | "scale" : "2x"
72 | },
73 | {
74 | "idiom" : "ipad",
75 | "size" : "76x76",
76 | "scale" : "1x"
77 | },
78 | {
79 | "idiom" : "ipad",
80 | "size" : "76x76",
81 | "scale" : "2x"
82 | },
83 | {
84 | "idiom" : "ipad",
85 | "size" : "83.5x83.5",
86 | "scale" : "2x"
87 | }
88 | ],
89 | "info" : {
90 | "version" : 1,
91 | "author" : "xcode"
92 | }
93 | }
--------------------------------------------------------------------------------
/SpamStopper/SpamStopper/Info.plist:
--------------------------------------------------------------------------------
1 |
2 |
3 |
4 |
5 | CFBundleDevelopmentRegion
6 | $(DEVELOPMENT_LANGUAGE)
7 | CFBundleExecutable
8 | $(EXECUTABLE_NAME)
9 | CFBundleIdentifier
10 | $(PRODUCT_BUNDLE_IDENTIFIER)
11 | CFBundleInfoDictionaryVersion
12 | 6.0
13 | CFBundleName
14 | $(PRODUCT_NAME)
15 | CFBundlePackageType
16 | APPL
17 | CFBundleShortVersionString
18 | 1.0
19 | CFBundleVersion
20 | 1
21 | LSRequiresIPhoneOS
22 |
23 | UILaunchStoryboardName
24 | LaunchScreen
25 | UIRequiredDeviceCapabilities
26 |
27 | armv7
28 |
29 | UISupportedInterfaceOrientations
30 |
31 | UIInterfaceOrientationPortrait
32 | UIInterfaceOrientationLandscapeLeft
33 | UIInterfaceOrientationLandscapeRight
34 |
35 | UISupportedInterfaceOrientations~ipad
36 |
37 | UIInterfaceOrientationPortrait
38 | UIInterfaceOrientationPortraitUpsideDown
39 | UIInterfaceOrientationLandscapeLeft
40 | UIInterfaceOrientationLandscapeRight
41 |
42 |
43 |
44 |
--------------------------------------------------------------------------------
/spam_detection.py:
--------------------------------------------------------------------------------
1 | # Required imports
2 | import numpy as np
3 | import sklearn
4 | from sklearn.model_selection import train_test_split
5 | from sklearn.pipeline import Pipeline
6 | from sklearn.feature_extraction.text import CountVectorizer
7 | from sklearn.feature_extraction.text import TfidfTransformer
8 | from sklearn.feature_extraction.text import TfidfVectorizer
9 | from sklearn.naive_bayes import MultinomialNB
10 | from sklearn.svm import LinearSVC
11 | from sklearn.ensemble import RandomForestClassifier
12 | from sklearn.metrics import classification_report
13 |
14 | import coremltools
15 |
16 | # Reading in and parsing data
17 | raw_data = open('SMSSpamCollection.txt', 'r')
18 | sms_data = []
19 | for line in raw_data:
20 | split_line = line.split("\t")
21 | sms_data.append(split_line)
22 |
23 | # Splitting data into messages and labels and training and test
24 | sms_data = np.array(sms_data)
25 | X = sms_data[:, 1]
26 | y = sms_data[:, 0]
27 | X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.15, random_state=22)
28 |
29 | # Building Pipelines
30 | pipeline_1 = Pipeline([('vect', CountVectorizer()),('clf', MultinomialNB())])
31 | pipeline_2 = Pipeline([('vect', TfidfVectorizer()),('clf', MultinomialNB())])
32 | pipeline_3 = Pipeline([('vect', CountVectorizer()),('clf', LinearSVC())])
33 | pipeline_4 = Pipeline([('vect', TfidfVectorizer()),('clf', LinearSVC())])
34 | pipeline_5 = Pipeline([('vect', CountVectorizer()),('clf', RandomForestClassifier())])
35 | pipeline_6 = Pipeline([('vect', TfidfVectorizer()),('clf', RandomForestClassifier())])
36 | pipelines = [pipeline_1, pipeline_2, pipeline_3, pipeline_4, pipeline_5, pipeline_6]
37 |
38 | # Performing classification and calculating accuracy
39 | for pipeline in pipelines:
40 | pipeline.fit(X_train, y_train)
41 | y_pred = pipeline.predict(X_test)
42 | print(classification_report(y_test, y_pred, target_names=["ham", "spam"]))
43 |
44 | # Creating and saving an .mlmodel file and a list of words
45 | vectorizer = TfidfVectorizer()
46 | vectorized = vectorizer.fit_transform(X)
47 | words = open('words_ordered.txt', 'w')
48 | for feature in vectorizer.get_feature_names():
49 | words.write(feature.encode('utf-8') + '\n')
50 | words.close()
51 | model = LinearSVC()
52 | model.fit(vectorized, y)
53 | coreml_model = coremltools.converters.sklearn.convert(model, "message", 'label')
54 | coreml_model.save('MessageClassifier.mlmodel')
55 |
--------------------------------------------------------------------------------
/words_ordered.txt:
--------------------------------------------------------------------------------
1 | 00
2 | 000
3 | 000pes
4 | 008704050406
5 | 0089
6 | 0121
7 | 01223585236
8 | 01223585334
9 | 0125698789
10 | 02
11 | 0207
12 | 02072069400
13 | 02073162414
14 | 02085076972
15 | 021
16 | 03
17 | 04
18 | 0430
19 | 05
20 | 050703
21 | 0578
22 | 06
23 | 07
24 | 07008009200
25 | 07046744435
26 | 07090201529
27 | 07090298926
28 | 07099833605
29 | 07123456789
30 | 0721072
31 | 07732584351
32 | 07734396839
33 | 07742676969
34 | 07753741225
35 | 0776xxxxxxx
36 | 07781482378
37 | 07786200117
38 | 077xxx
39 | 078
40 | 07801543489
41 | 07808
42 | 07808247860
43 | 07808726822
44 | 07815296484
45 | 07821230901
46 | 078498
47 | 07880867867
48 | 0789xxxxxxx
49 | 07946746291
50 | 0796xxxxxx
51 | 07973788240
52 | 07xxxxxxxxx
53 | 08
54 | 0800
55 | 08000407165
56 | 08000776320
57 | 08000839402
58 | 08000930705
59 | 08000938767
60 | 08001950382
61 | 08002888812
62 | 08002986030
63 | 08002986906
64 | 08002988890
65 | 08006344447
66 | 0808
67 | 08081263000
68 | 08081560665
69 | 0825
70 | 083
71 | 0844
72 | 08448350055
73 | 08448714184
74 | 0845
75 | 08450542832
76 | 08452810071
77 | 08452810073
78 | 08452810075over18
79 | 0870
80 | 08700435505150p
81 | 08700469649
82 | 08700621170150p
83 | 08701213186
84 | 08701237397
85 | 08701417012
86 | 08701417012150p
87 | 0870141701216
88 | 087016248
89 | 08701752560
90 | 087018728737
91 | 0870241182716
92 | 08702490080
93 | 08702840625
94 | 08704050406
95 | 08704439680
96 | 08704439680ts
97 | 08706091795
98 | 0870737910216yrs
99 | 08707500020
100 | 08707509020
101 | 0870753331018
102 | 08707808226
103 | 08708034412
104 | 08708800282
105 | 08709222922
106 | 08709501522
107 | 0871
108 | 087104711148
109 | 08712101358
110 | 08712103738
111 | 0871212025016
112 | 08712300220
113 | 087123002209am
114 | 08712317606
115 | 08712400200
116 | 08712400602450p
117 | 08712400603
118 | 08712402050
119 | 08712402578
120 | 08712402779
121 | 08712402902
122 | 08712402972
123 | 08712404000
124 | 08712405020
125 | 08712405022
126 | 08712460324
127 | 08712466669
128 | 0871277810710p
129 | 0871277810810
130 | 0871277810910p
131 | 08714342399
132 | 087147123779am
133 | 08714712379
134 | 08714712388
135 | 08714712394
136 | 08714712412
137 | 08714714011
138 | 08715203028
139 | 08715203649
140 | 08715203652
141 | 08715203656
142 | 08715203677
143 | 08715203685
144 | 08715203694
145 | 08715205273
146 | 08715500022
147 | 08715705022
148 | 08717111821
149 | 08717168528
150 | 08717205546
151 | 0871750
152 | 08717507382
153 | 08717509990
154 | 08717890890
155 | 08717895698
156 | 08717898035
157 | 08718711108
158 | 08718720201
159 | 08718723815
160 | 08718725756
161 | 08718726270
162 | 087187262701
163 | 08718726970
164 | 08718726971
165 | 08718726978
166 | 087187272008
167 | 08718727868
168 | 08718727870
169 | 08718727870150ppm
170 | 08718730555
171 | 08718730666
172 | 08718738001
173 | 08718738002
174 | 08718738034
175 | 08719180219
176 | 08719180248
177 | 08719181259
178 | 08719181503
179 | 08719181513
180 | 08719839835
181 | 08719899217
182 | 08719899229
183 | 08719899230
184 | 09
185 | 09041940223
186 | 09050000301
187 | 09050000332
188 | 09050000460
189 | 09050000555
190 | 09050000878
191 | 09050000928
192 | 09050001295
193 | 09050001808
194 | 09050002311
195 | 09050003091
196 | 09050005321
197 | 09050090044
198 | 09050280520
199 | 09053750005
200 | 09056242159
201 | 09057039994
202 | 09058091854
203 | 09058091870
204 | 09058094454
205 | 09058094455
206 | 09058094507
207 | 09058094565
208 | 09058094583
209 | 09058094594
210 | 09058094597
211 | 09058094599
212 | 09058095107
213 | 09058095201
214 | 09058097189
215 | 09058097218
216 | 09058098002
217 | 09058099801
218 | 09061104276
219 | 09061104283
220 | 09061209465
221 | 09061213237
222 | 09061221061
223 | 09061221066
224 | 09061701444
225 | 09061701461
226 | 09061701851
227 | 09061701939
228 | 09061702893
229 | 09061743386
230 | 09061743806
231 | 09061743810
232 | 09061743811
233 | 09061744553
234 | 09061749602
235 | 09061790121
236 | 09061790125
237 | 09061790126
238 | 09063440451
239 | 09063442151
240 | 09063458130
241 | 0906346330
242 | 09064011000
243 | 09064012103
244 | 09064012160
245 | 09064015307
246 | 09064017295
247 | 09064017305
248 | 09064018838
249 | 09064019014
250 | 09064019788
251 | 09065069120
252 | 09065069154
253 | 09065171142
254 | 09065174042
255 | 09065394514
256 | 09065394973
257 | 09065989180
258 | 09065989182
259 | 09066350750
260 | 09066358152
261 | 09066358361
262 | 09066361921
263 | 09066362206
264 | 09066362220
265 | 09066362231
266 | 09066364311
267 | 09066364349
268 | 09066364589
269 | 09066368327
270 | 09066368470
271 | 09066368753
272 | 09066380611
273 | 09066382422
274 | 09066612661
275 | 09066649731from
276 | 09066660100
277 | 09071512432
278 | 09071512433
279 | 09071517866
280 | 09077818151
281 | 09090204448
282 | 09090900040
283 | 09094100151
284 | 09094646631
285 | 09094646899
286 | 09095350301
287 | 09096102316
288 | 09099725823
289 | 09099726395
290 | 09099726429
291 | 09099726481
292 | 09099726553
293 | 09111030116
294 | 09111032124
295 | 09701213186
296 | 0a
297 | 0quit
298 | 10
299 | 100
300 | 1000
301 | 1000call
302 | 1000s
303 | 100p
304 | 100percent
305 | 100txt
306 | 1013
307 | 1030
308 | 10am
309 | 10k
310 | 10p
311 | 10ppm
312 | 10th
313 | 11
314 | 1120
315 | 113
316 | 1131
317 | 114
318 | 1146
319 | 116
320 | 1172
321 | 118p
322 | 11mths
323 | 11pm
324 | 12
325 | 1205
326 | 120p
327 | 121
328 | 1225
329 | 123
330 | 125
331 | 1250
332 | 125gift
333 | 128
334 | 12hours
335 | 12hrs
336 | 12mths
337 | 13
338 | 130
339 | 1327
340 | 139
341 | 14
342 | 140
343 | 1405
344 | 140ppm
345 | 145
346 | 1450
347 | 146tf150p
348 | 14tcr
349 | 14thmarch
350 | 15
351 | 150
352 | 1500
353 | 150p
354 | 150p16
355 | 150pm
356 | 150ppermesssubscription
357 | 150ppm
358 | 150ppmpobox10183bhamb64xe
359 | 150ppmsg
360 | 150pw
361 | 151
362 | 153
363 | 15541
364 | 15pm
365 | 16
366 | 165
367 | 1680
368 | 169
369 | 177
370 | 18
371 | 180
372 | 1843
373 | 18p
374 | 18yrs
375 | 195
376 | 1956669
377 | 1apple
378 | 1b6a5ecef91ff9
379 | 1cup
380 | 1da
381 | 1er
382 | 1hr
383 | 1im
384 | 1lemon
385 | 1mega
386 | 1million
387 | 1pm
388 | 1st
389 | 1st4terms
390 | 1stchoice
391 | 1stone
392 | 1thing
393 | 1tulsi
394 | 1win150ppmx3
395 | 1winaweek
396 | 1winawk
397 | 1x150p
398 | 1yf
399 | 20
400 | 200
401 | 2000
402 | 2003
403 | 2004
404 | 2005
405 | 2006
406 | 2007
407 | 200p
408 | 2025050
409 | 20m12aq
410 | 20p
411 | 21
412 | 21870000
413 | 21st
414 | 22
415 | 220
416 | 220cm2
417 | 2309
418 | 23f
419 | 23g
420 | 24
421 | 24hrs
422 | 24m
423 | 24th
424 | 25
425 | 250
426 | 250k
427 | 255
428 | 25p
429 | 26
430 | 2667
431 | 26th
432 | 27
433 | 28
434 | 2814032
435 | 28days
436 | 28th
437 | 28thfeb
438 | 29
439 | 2b
440 | 2bold
441 | 2c
442 | 2channel
443 | 2day
444 | 2docd
445 | 2end
446 | 2exit
447 | 2ez
448 | 2find
449 | 2getha
450 | 2geva
451 | 2go
452 | 2gthr
453 | 2hook
454 | 2hrs
455 | 2i
456 | 2kbsubject
457 | 2lands
458 | 2marrow
459 | 2moro
460 | 2morow
461 | 2morro
462 | 2morrow
463 | 2morrowxxxx
464 | 2mro
465 | 2mrw
466 | 2mwen
467 | 2nd
468 | 2nhite
469 | 2nights
470 | 2nite
471 | 2optout
472 | 2p
473 | 2price
474 | 2px
475 | 2rcv
476 | 2stop
477 | 2stoptx
478 | 2stoptxt
479 | 2u
480 | 2u2
481 | 2watershd
482 | 2waxsto
483 | 2wks
484 | 2wt
485 | 2wu
486 | 2years
487 | 2yr
488 | 2yrs
489 | 30
490 | 300
491 | 3000
492 | 300603
493 | 300603t
494 | 300p
495 | 3030
496 | 30apr
497 | 30ish
498 | 30pm
499 | 30pp
500 | 30s
501 | 30th
502 | 31
503 | 3100
504 | 310303
505 | 31p
506 | 32
507 | 32000
508 | 3230
509 | 32323
510 | 326
511 | 33
512 | 330
513 | 350
514 | 3510i
515 | 35p
516 | 3650
517 | 36504
518 | 3680
519 | 373
520 | 3750
521 | 37819
522 | 38
523 | 382
524 | 391784
525 | 3aj
526 | 3d
527 | 3days
528 | 3g
529 | 3gbp
530 | 3hrs
531 | 3lions
532 | 3lp
533 | 3miles
534 | 3mins
535 | 3mobile
536 | 3optical
537 | 3pound
538 | 3qxj9
539 | 3rd
540 | 3ss
541 | 3uz
542 | 3wks
543 | 3x
544 | 3xx
545 | 40
546 | 400
547 | 400mins
548 | 400thousad
549 | 402
550 | 4041
551 | 40411
552 | 40533
553 | 40gb
554 | 40mph
555 | 41685
556 | 41782
557 | 420
558 | 42049
559 | 4217
560 | 42478
561 | 42810
562 | 430
563 | 434
564 | 44
565 | 440
566 | 4403ldnw1a7rw18
567 | 44345
568 | 447797706009
569 | 447801259231
570 | 448712404000
571 | 449050000301
572 | 449071512431
573 | 45
574 | 450
575 | 450p
576 | 450ppw
577 | 450pw
578 | 45239
579 | 45pm
580 | 47
581 | 4719
582 | 4742
583 | 47per
584 | 48
585 | 4882
586 | 48922
587 | 49
588 | 49557
589 | 4a
590 | 4brekkie
591 | 4d
592 | 4eva
593 | 4few
594 | 4fil
595 | 4get
596 | 4give
597 | 4got
598 | 4goten
599 | 4info
600 | 4jx
601 | 4msgs
602 | 4mths
603 | 4my
604 | 4qf2
605 | 4t
606 | 4th
607 | 4the
608 | 4thnov
609 | 4txt
610 | 4u
611 | 4utxt
612 | 4w
613 | 4ward
614 | 4wrd
615 | 4xx26
616 | 4years
617 | 50
618 | 500
619 | 5000
620 | 505060
621 | 50award
622 | 50ea
623 | 50gbp
624 | 50p
625 | 50perweeksub
626 | 50perwksub
627 | 50pm
628 | 50pmmorefrommobile2bremoved
629 | 50ppm
630 | 50rcvd
631 | 50s
632 | 515
633 | 5226
634 | 523
635 | 5249
636 | 526
637 | 528
638 | 530
639 | 54
640 | 542
641 | 545
642 | 5digital
643 | 5free
644 | 5ish
645 | 5k
646 | 5min
647 | 5mls
648 | 5p
649 | 5pm
650 | 5th
651 | 5wb
652 | 5we
653 | 5wkg
654 | 5wq
655 | 5years
656 | 60
657 | 600
658 | 6031
659 | 6089
660 | 60p
661 | 61
662 | 61200
663 | 61610
664 | 62220cncl
665 | 6230
666 | 62468
667 | 62735
668 | 630
669 | 63miles
670 | 645
671 | 65
672 | 650
673 | 66
674 | 6669
675 | 674
676 | 67441233
677 | 68866
678 | 69101
679 | 69200
680 | 69669
681 | 69696
682 | 69698
683 | 69855
684 | 69866
685 | 69876
686 | 69888
687 | 69888nyt
688 | 69911
689 | 69969
690 | 69988
691 | 6days
692 | 6hl
693 | 6hrs
694 | 6ish
695 | 6missed
696 | 6months
697 | 6ph
698 | 6pm
699 | 6th
700 | 6times
701 | 6wu
702 | 6zf
703 | 700
704 | 71
705 | 7250
706 | 7250i
707 | 730
708 | 731
709 | 74355
710 | 75
711 | 750
712 | 7548
713 | 75max
714 | 762
715 | 7634
716 | 7684
717 | 77
718 | 7732584351
719 | 78
720 | 786
721 | 7876150ppm
722 | 79
723 | 7am
724 | 7cfca1a
725 | 7ish
726 | 7mp
727 | 7oz
728 | 7pm
729 | 7th
730 | 7ws
731 | 7zs
732 | 80
733 | 800
734 | 8000930705
735 | 80062
736 | 8007
737 | 80082
738 | 80086
739 | 80122300p
740 | 80155
741 | 80160
742 | 80182
743 | 8027
744 | 80488
745 | 80608
746 | 8077
747 | 80878
748 | 81010
749 | 81151
750 | 81303
751 | 81618
752 | 82050
753 | 820554ad0a1705572711
754 | 82242
755 | 82277
756 | 82324
757 | 82468
758 | 83021
759 | 83039
760 | 83049
761 | 83110
762 | 83118
763 | 83222
764 | 83332
765 | 83338
766 | 83355
767 | 83370
768 | 83383
769 | 83435
770 | 83600
771 | 83738
772 | 84
773 | 84025
774 | 84122
775 | 84128
776 | 84199
777 | 84484
778 | 85
779 | 850
780 | 85023
781 | 85069
782 | 85222
783 | 85233
784 | 8552
785 | 85555
786 | 86021
787 | 861
788 | 864233
789 | 86688
790 | 86888
791 | 87021
792 | 87066
793 | 87070
794 | 87077
795 | 87121
796 | 87131
797 | 8714714
798 | 872
799 | 87239
800 | 87575
801 | 8800
802 | 88039
803 | 88066
804 | 88088
805 | 88222
806 | 88600
807 | 88800
808 | 8883
809 | 88877
810 | 88888
811 | 89034
812 | 89070
813 | 89080
814 | 89105
815 | 89123
816 | 89545
817 | 89555
818 | 89693
819 | 89938
820 | 8am
821 | 8ball
822 | 8lb
823 | 8p
824 | 8pm
825 | 8th
826 | 8wp
827 | 900
828 | 9061100010
829 | 910
830 | 9153
831 | 9280114
832 | 92h
833 | 930
834 | 9307622
835 | 945
836 | 946
837 | 95
838 | 9755
839 | 9758
840 | 97n7qp
841 | 98321561
842 | 99
843 | 9996
844 | 9ae
845 | 9am
846 | 9ja
847 | 9pm
848 | 9t
849 | 9th
850 | 9yt
851 | ____
852 | a21
853 | a30
854 | aa
855 | aah
856 | aaniye
857 | aaooooright
858 | aathi
859 | ab
860 | abbey
861 | abdomen
862 | abeg
863 | abel
864 | aberdeen
865 | abi
866 | ability
867 | abiola
868 | abj
869 | able
870 | abnormally
871 | about
872 | aboutas
873 | above
874 | abroad
875 | absence
876 | absolutely
877 | absolutly
878 | abstract
879 | abt
880 | abta
881 | aburo
882 | abuse
883 | abusers
884 | ac
885 | academic
886 | acc
887 | accent
888 | accenture
889 | accept
890 | access
891 | accessible
892 | accidant
893 | accident
894 | accidentally
895 | accommodation
896 | accommodationvouchers
897 | accomodate
898 | accomodations
899 | accordin
900 | accordingly
901 | account
902 | accounting
903 | accounts
904 | accumulation
905 | achan
906 | ache
907 | achieve
908 | acid
909 | acknowledgement
910 | acl03530150pm
911 | acnt
912 | aco
913 | across
914 | act
915 | acted
916 | actin
917 | acting
918 | action
919 | activ8
920 | activate
921 | active
922 | activities
923 | actor
924 | actual
925 | actually
926 | ad
927 | adam
928 | add
929 | addamsfa
930 | added
931 | addicted
932 | addie
933 | adding
934 | address
935 | adds
936 | adewale
937 | adi
938 | adjustable
939 | admin
940 | administrator
941 | admirer
942 | admission
943 | admit
944 | adore
945 | adoring
946 | adp
947 | adress
948 | adrian
949 | adrink
950 | ads
951 | adsense
952 | adult
953 | adults
954 | advance
955 | adventure
956 | adventuring
957 | advice
958 | advise
959 | advising
960 | advisors
961 | aeronautics
962 | aeroplane
963 | afew
964 | affair
965 | affairs
966 | affection
967 | affectionate
968 | affections
969 | affidavit
970 | afford
971 | afghanistan
972 | afraid
973 | africa
974 | african
975 | aft
976 | after
977 | afternon
978 | afternoon
979 | afternoons
980 | afterwards
981 | aftr
982 | ag
983 | again
984 | against
985 | agalla
986 | age
987 | age16
988 | age23
989 | agency
990 | agent
991 | agents
992 | ages
993 | agidhane
994 | aging
995 | ago
996 | agree
997 | ah
998 | aha
999 | ahead
1000 | ahhh
1001 | ahhhh
1002 | ahmad
1003 | ahold
1004 | aid
1005 | aids
1006 | aig
1007 | aight
1008 | ain
1009 | aint
1010 | air
1011 | air1
1012 | airport
1013 | airtel
1014 | aiya
1015 | aiyah
1016 | aiyar
1017 | aiyo
1018 | ajith
1019 | ak
1020 | aka
1021 | akon
1022 | al
1023 | alaikkum
1024 | alaipayuthe
1025 | albi
1026 | album
1027 | alcohol
1028 | aldrine
1029 | alert
1030 | alertfrom
1031 | alerts
1032 | aletter
1033 | alex
1034 | alfie
1035 | algarve
1036 | algebra
1037 | algorithms
1038 | ali
1039 | alian
1040 | alibi
1041 | alive
1042 | all
1043 | allah
1044 | allalo
1045 | allday
1046 | alle
1047 | allo
1048 | allow
1049 | allowed
1050 | allows
1051 | almost
1052 | alone
1053 | along
1054 | alot
1055 | already
1056 | alright
1057 | alrite
1058 | also
1059 | alter
1060 | alternative
1061 | although
1062 | alto18
1063 | aluable
1064 | alwa
1065 | always
1066 | alwys
1067 | am
1068 | amanda
1069 | amazing
1070 | ambitious
1071 | ambrith
1072 | american
1073 | ami
1074 | amigos
1075 | amk
1076 | amla
1077 | amma
1078 | ammae
1079 | ammo
1080 | amnow
1081 | among
1082 | amongst
1083 | amore
1084 | amount
1085 | amp
1086 | amplikater
1087 | amrca
1088 | amrita
1089 | ams
1090 | amt
1091 | amused
1092 | amy
1093 | an
1094 | ana
1095 | anal
1096 | analysis
1097 | anand
1098 | and
1099 | anderson
1100 | andre
1101 | andres
1102 | andrews
1103 | andros
1104 | angels
1105 | angry
1106 | animal
1107 | animation
1108 | anjie
1109 | anjola
1110 | anna
1111 | annie
1112 | anniversary
1113 | annoncement
1114 | announced
1115 | announcement
1116 | annoyin
1117 | annoying
1118 | anonymous
1119 | anot
1120 | another
1121 | ans
1122 | ansr
1123 | answer
1124 | answered
1125 | answerin
1126 | answering
1127 | answers
1128 | answr
1129 | antelope
1130 | antha
1131 | anthony
1132 | anti
1133 | antibiotic
1134 | any
1135 | anybody
1136 | anyhow
1137 | anymore
1138 | anyone
1139 | anyones
1140 | anyplaces
1141 | anythiing
1142 | anythin
1143 | anything
1144 | anythingtomorrow
1145 | anytime
1146 | anyway
1147 | anyways
1148 | anywhere
1149 | aom
1150 | apart
1151 | apartment
1152 | apes
1153 | apeshit
1154 | aphex
1155 | apnt
1156 | apo
1157 | apologetic
1158 | apologise
1159 | apologize
1160 | apology
1161 | app
1162 | apparently
1163 | appeal
1164 | appear
1165 | appendix
1166 | applausestore
1167 | applebees
1168 | apples
1169 | application
1170 | apply
1171 | applyed
1172 | applying
1173 | appointment
1174 | appointments
1175 | appreciate
1176 | appreciated
1177 | approaches
1178 | approaching
1179 | appropriate
1180 | approve
1181 | approved
1182 | approx
1183 | apps
1184 | appt
1185 | appy
1186 | april
1187 | aproach
1188 | apt
1189 | aptitude
1190 | aquarius
1191 | ar
1192 | arab
1193 | arabian
1194 | arcade
1195 | archive
1196 | ard
1197 | are
1198 | area
1199 | aren
1200 | arent
1201 | arestaurant
1202 | aretaking
1203 | areyouunique
1204 | argentina
1205 | argh
1206 | argue
1207 | arguing
1208 | argument
1209 | arguments
1210 | aries
1211 | arise
1212 | arises
1213 | arithmetic
1214 | arm
1215 | armand
1216 | armenia
1217 | arms
1218 | arng
1219 | arngd
1220 | arnt
1221 | around
1222 | aroundn
1223 | arr
1224 | arrange
1225 | arranging
1226 | arrested
1227 | arrival
1228 | arrive
1229 | arrived
1230 | arrow
1231 | arsenal
1232 | art
1233 | artists
1234 | arts
1235 | arty
1236 | arul
1237 | arun
1238 | as
1239 | asa
1240 | asap
1241 | asda
1242 | ashes
1243 | ashley
1244 | ashwini
1245 | asia
1246 | asian
1247 | asjesus
1248 | ask
1249 | askd
1250 | asked
1251 | askin
1252 | asking
1253 | asks
1254 | aslamalaikkum
1255 | asleep
1256 | asp
1257 | aspects
1258 | ass
1259 | assessment
1260 | asshole
1261 | assistance
1262 | associate
1263 | asssssholeeee
1264 | assume
1265 | assumed
1266 | asthere
1267 | asthma
1268 | astne
1269 | astoundingly
1270 | astrology
1271 | astronomer
1272 | asus
1273 | asusual
1274 | at
1275 | ate
1276 | athletic
1277 | athome
1278 | atlanta
1279 | atlast
1280 | atleast
1281 | atm
1282 | atrocious
1283 | attach
1284 | attached
1285 | attack
1286 | attempt
1287 | atten
1288 | attend
1289 | attended
1290 | attending
1291 | attention
1292 | attitude
1293 | attraction
1294 | attractive
1295 | attracts
1296 | attributed
1297 | atural
1298 | auction
1299 | audiitions
1300 | audition
1301 | audrey
1302 | audrie
1303 | august
1304 | aunt
1305 | auntie
1306 | aunties
1307 | aunts
1308 | aunty
1309 | aust
1310 | australia
1311 | authorise
1312 | auto
1313 | autocorrect
1314 | av
1315 | ava
1316 | availa
1317 | available
1318 | avalarr
1319 | avatar
1320 | avble
1321 | ave
1322 | avenge
1323 | avent
1324 | avenue
1325 | avin
1326 | avo
1327 | avoid
1328 | avoiding
1329 | avoids
1330 | await
1331 | awaiting
1332 | awake
1333 | award
1334 | awarded
1335 | away
1336 | awesome
1337 | awkward
1338 | aww
1339 | awww
1340 | ax
1341 | axel
1342 | axis
1343 | ay
1344 | ayn
1345 | ayo
1346 | b4
1347 | b4190604
1348 | b4280703
1349 | b4u
1350 | b4utele
1351 | ba
1352 | ba128nnfwfly150ppm
1353 | baaaaaaaabe
1354 | baaaaabe
1355 | babe
1356 | babes
1357 | babies
1358 | baby
1359 | babygoodbye
1360 | babyjontet
1361 | babysit
1362 | babysitting
1363 | bac
1364 | back
1365 | backdoor
1366 | backwards
1367 | bad
1368 | badass
1369 | badly
1370 | badrith
1371 | bag
1372 | bags
1373 | bahamas
1374 | baig
1375 | bailiff
1376 | bajarangabali
1377 | bak
1378 | bakra
1379 | bakrid
1380 | balance
1381 | ball
1382 | baller
1383 | balloon
1384 | balls
1385 | bam
1386 | bambling
1387 | band
1388 | bandages
1389 | bang
1390 | bangb
1391 | bangbabes
1392 | bani
1393 | bank
1394 | banks
1395 | banned
1396 | banneduk
1397 | banter
1398 | bao
1399 | bar
1400 | barbie
1401 | barcelona
1402 | bare
1403 | barely
1404 | bari
1405 | barkleys
1406 | barmed
1407 | barolla
1408 | barred
1409 | barrel
1410 | barring
1411 | barry
1412 | bars
1413 | base
1414 | based
1415 | bash
1416 | basic
1417 | basically
1418 | basket
1419 | basketball
1420 | basq
1421 | bat
1422 | batch
1423 | batchlor
1424 | bath
1425 | bathe
1426 | bathing
1427 | bathroom
1428 | batsman
1429 | batt
1430 | battery
1431 | battle
1432 | bawling
1433 | bay
1434 | bb
1435 | bbc
1436 | bbd
1437 | bbdeluxe
1438 | bbq
1439 | bc
1440 | bcaz
1441 | bck
1442 | bcm
1443 | bcm1896wc1n3xx
1444 | bcm4284
1445 | bcmsfwc1n3xx
1446 | bcoz
1447 | bcs
1448 | bcum
1449 | bcums
1450 | bcz
1451 | bday
1452 | be
1453 | beach
1454 | beads
1455 | bear
1456 | bears
1457 | beatings
1458 | beauties
1459 | beautiful
1460 | beauty
1461 | bec
1462 | becaus
1463 | because
1464 | becausethey
1465 | become
1466 | becomes
1467 | becoz
1468 | becz
1469 | bed
1470 | bedbut
1471 | bedreal
1472 | bedrm
1473 | bedroom
1474 | beeen
1475 | beehoon
1476 | been
1477 | beendropping
1478 | beer
1479 | beerage
1480 | beers
1481 | befor
1482 | before
1483 | beforehand
1484 | beg
1485 | beggar
1486 | begging
1487 | begin
1488 | begins
1489 | begun
1490 | behalf
1491 | behave
1492 | behind
1493 | bein
1494 | being
1495 | believe
1496 | belive
1497 | bell
1498 | bellearlier
1499 | belligerent
1500 | belly
1501 | belong
1502 | belongs
1503 | belovd
1504 | beloved
1505 | belt
1506 | ben
1507 | bend
1508 | beneath
1509 | beneficiary
1510 | benefits
1511 | bennys
1512 | bergkamp
1513 | beside
1514 | best
1515 | best1
1516 | bet
1517 | beta
1518 | beth
1519 | betta
1520 | better
1521 | bettersn
1522 | bettr
1523 | between
1524 | beverage
1525 | bevies
1526 | beware
1527 | beyond
1528 | bf
1529 | bffs
1530 | bfore
1531 | bhaji
1532 | bhaskar
1533 | bhayandar
1534 | bian
1535 | biatch
1536 | bid
1537 | bids
1538 | big
1539 | bigger
1540 | biggest
1541 | bike
1542 | bill
1543 | billed
1544 | billing
1545 | billion
1546 | bills
1547 | billy
1548 | bilo
1549 | bimbo
1550 | bin
1551 | biola
1552 | bird
1553 | birds
1554 | birla
1555 | biro
1556 | birth
1557 | birthdate
1558 | birthday
1559 | bishan
1560 | bit
1561 | bitch
1562 | bitching
1563 | bite
1564 | bites
1565 | bits
1566 | biz
1567 | bk
1568 | black
1569 | blackberry
1570 | blacko
1571 | blah
1572 | blake
1573 | blame
1574 | blank
1575 | blanked
1576 | blanket
1577 | blankets
1578 | blastin
1579 | bleak
1580 | bleh
1581 | bless
1582 | blessed
1583 | blessing
1584 | blessings
1585 | blimey
1586 | blind
1587 | block
1588 | blocked
1589 | blog
1590 | blogging
1591 | blogspot
1592 | bloke
1593 | blokes
1594 | blonde
1595 | bloo
1596 | blood
1597 | bloody
1598 | bloomberg
1599 | blow
1600 | blowing
1601 | blown
1602 | blu
1603 | blue
1604 | bluetooth
1605 | bluetoothhdset
1606 | bluff
1607 | blur
1608 | bluray
1609 | bmw
1610 | board
1611 | boat
1612 | boatin
1613 | bob
1614 | body
1615 | boggy
1616 | bognor
1617 | bold
1618 | bold2
1619 | bollox
1620 | boltblue
1621 | bomb
1622 | bone
1623 | bong
1624 | bonus
1625 | boo
1626 | boobs
1627 | book
1628 | booked
1629 | bookedthe
1630 | booking
1631 | bookmark
1632 | books
1633 | bookshelf
1634 | boooo
1635 | boost
1636 | booty
1637 | bootydelious
1638 | borderline
1639 | bored
1640 | borin
1641 | boring
1642 | born
1643 | borrow
1644 | boss
1645 | boston
1646 | bot
1647 | both
1648 | bother
1649 | bothering
1650 | bottle
1651 | bottom
1652 | bought
1653 | boundaries
1654 | bout
1655 | bowa
1656 | bowl
1657 | bowls
1658 | box
1659 | box1146
1660 | box139
1661 | box177
1662 | box245c2150pm
1663 | box326
1664 | box334
1665 | box334sk38ch
1666 | box385
1667 | box39822
1668 | box403
1669 | box420
1670 | box42wr29c
1671 | box434sk38wp150ppm18
1672 | box61
1673 | box95qu
1674 | box97n7qp
1675 | boy
1676 | boye
1677 | boyf
1678 | boyfriend
1679 | boys
1680 | boytoy
1681 | bpo
1682 | brah
1683 | brain
1684 | braindance
1685 | brainless
1686 | brains
1687 | brainy
1688 | brand
1689 | brandy
1690 | bras
1691 | brats
1692 | braved
1693 | bray
1694 | brb
1695 | brdget
1696 | bread
1697 | breadstick
1698 | break
1699 | breaker
1700 | breakfast
1701 | breakin
1702 | breaking
1703 | breaks
1704 | breath
1705 | breathe
1706 | breathe1
1707 | breather
1708 | breathing
1709 | breeze
1710 | breezy
1711 | bribe
1712 | bridal
1713 | bridge
1714 | bridgwater
1715 | brief
1716 | bright
1717 | brighten
1718 | brilliant
1719 | brilliantly
1720 | brin
1721 | bring
1722 | bringing
1723 | brings
1724 | brisk
1725 | brison
1726 | bristol
1727 | british
1728 | britney
1729 | bro
1730 | broad
1731 | broadband
1732 | broke
1733 | broken
1734 | brolly
1735 | bros
1736 | broth
1737 | brothas
1738 | brother
1739 | brothers
1740 | brought
1741 | brown
1742 | brownie
1743 | brownies
1744 | browse
1745 | browser
1746 | browsin
1747 | bruce
1748 | brum
1749 | bruv
1750 | bslvyl
1751 | bsn
1752 | bsnl
1753 | bstfrnd
1754 | bt
1755 | bthere
1756 | btw
1757 | btwn
1758 | bubbletext
1759 | bucks
1760 | bud
1761 | buddy
1762 | buddys
1763 | budget
1764 | buen
1765 | buff
1766 | buffet
1767 | buffy
1768 | bugis
1769 | build
1770 | building
1771 | built
1772 | bulbs
1773 | bull
1774 | bullshit
1775 | bunch
1776 | bundle
1777 | bunkers
1778 | buns
1779 | burden
1780 | burger
1781 | burgundy
1782 | burial
1783 | burn
1784 | burning
1785 | burns
1786 | burnt
1787 | burrito
1788 | bus
1789 | bus8
1790 | buses
1791 | busetop
1792 | business
1793 | busty
1794 | busy
1795 | but
1796 | butt
1797 | buttheres
1798 | butting
1799 | buttons
1800 | buy
1801 | buyer
1802 | buyers
1803 | buying
1804 | buz
1805 | buzy
1806 | buzz
1807 | buzzzz
1808 | bw
1809 | bx
1810 | bx420
1811 | bx526
1812 | by
1813 | byatch
1814 | bye
1815 | c52
1816 | cab
1817 | cabin
1818 | cable
1819 | cafe
1820 | cage
1821 | cake
1822 | cakes
1823 | cal
1824 | calculated
1825 | calculation
1826 | cali
1827 | calicut
1828 | california
1829 | call
1830 | call09050000327
1831 | call2optout
1832 | callback
1833 | callcost
1834 | callcost150ppmmobilesvary
1835 | calld
1836 | called
1837 | caller
1838 | callers
1839 | callertune
1840 | callfreefone
1841 | callin
1842 | calling
1843 | callon
1844 | calls
1845 | calls1
1846 | calm
1847 | cam
1848 | camcorder
1849 | came
1850 | camera
1851 | camp
1852 | campus
1853 | camry
1854 | can
1855 | canada
1856 | canal
1857 | canary
1858 | cancel
1859 | canceled
1860 | cancelled
1861 | cancer
1862 | canlove
1863 | cann
1864 | canname
1865 | cannot
1866 | cant
1867 | cantdo
1868 | canteen
1869 | capacity
1870 | capital
1871 | cappuccino
1872 | caps
1873 | captain
1874 | captaining
1875 | car
1876 | card
1877 | cardiff
1878 | cardin
1879 | cards
1880 | care
1881 | careabout
1882 | cared
1883 | career
1884 | careers
1885 | careful
1886 | carefully
1887 | careless
1888 | cares
1889 | caring
1890 | carlie
1891 | carlin
1892 | carlos
1893 | carly
1894 | carolina
1895 | caroline
1896 | carpark
1897 | carry
1898 | carryin
1899 | cars
1900 | cartons
1901 | cartoon
1902 | case
1903 | cash
1904 | cashbin
1905 | cashed
1906 | cashto
1907 | casing
1908 | cast
1909 | casting
1910 | castor
1911 | casualty
1912 | cat
1913 | catch
1914 | catches
1915 | catching
1916 | categories
1917 | caught
1918 | cause
1919 | causes
1920 | causing
1921 | cave
1922 | caveboy
1923 | cbe
1924 | cc
1925 | cc100p
1926 | ccna
1927 | cd
1928 | cdgt
1929 | cds
1930 | cedar
1931 | ceiling
1932 | celeb
1933 | celebrate
1934 | celebrated
1935 | celebration
1936 | celebrations
1937 | cell
1938 | census
1939 | center
1940 | centre
1941 | century
1942 | cer
1943 | cereals
1944 | ceri
1945 | certainly
1946 | certificate
1947 | cha
1948 | chachi
1949 | chad
1950 | chain
1951 | challenge
1952 | challenging
1953 | champ
1954 | champlaxigating
1955 | champneys
1956 | chance
1957 | chances
1958 | change
1959 | changed
1960 | changes
1961 | changing
1962 | channel
1963 | chapel
1964 | chaps
1965 | chapter
1966 | character
1967 | characters
1968 | charge
1969 | charged
1970 | charges
1971 | charity
1972 | charles
1973 | charlie
1974 | charming
1975 | chart
1976 | charts
1977 | chase
1978 | chasing
1979 | chastity
1980 | chat
1981 | chat80155
1982 | chatlines
1983 | chatter
1984 | chatting
1985 | cheap
1986 | cheaper
1987 | cheat
1988 | cheating
1989 | chechi
1990 | check
1991 | checkboxes
1992 | checked
1993 | checkin
1994 | checking
1995 | checkmate
1996 | checkup
1997 | cheek
1998 | cheer
1999 | cheered
2000 | cheers
2001 | cheery
2002 | cheese
2003 | cheesy
2004 | cheetos
2005 | chef
2006 | chennai
2007 | cheque
2008 | cherish
2009 | cherthala
2010 | chess
2011 | chest
2012 | chex
2013 | cheyyamo
2014 | chez
2015 | chg
2016 | chgs
2017 | chic
2018 | chick
2019 | chicken
2020 | chickened
2021 | chief
2022 | chik
2023 | chikku
2024 | child
2025 | childish
2026 | childporn
2027 | children
2028 | childrens
2029 | chile
2030 | chill
2031 | chillaxin
2032 | chillin
2033 | china
2034 | chinatown
2035 | chinchillas
2036 | chinese
2037 | chinky
2038 | chinnu
2039 | chiong
2040 | chip
2041 | chit
2042 | chk
2043 | chloe
2044 | chocolate
2045 | choice
2046 | choices
2047 | choose
2048 | choosing
2049 | chop
2050 | chords
2051 | chores
2052 | chosen
2053 | chrgd
2054 | christ
2055 | christians
2056 | christmas
2057 | christmassy
2058 | chuck
2059 | chuckin
2060 | church
2061 | ciao
2062 | cine
2063 | cinema
2064 | citizen
2065 | city
2066 | citylink
2067 | cl
2068 | claim
2069 | claimcode
2070 | claims
2071 | claire
2072 | clarification
2073 | clarify
2074 | clark
2075 | clas
2076 | clash
2077 | class
2078 | classes
2079 | classic
2080 | classmates
2081 | claypot
2082 | cld
2083 | clean
2084 | cleaning
2085 | clear
2086 | cleared
2087 | clearer
2088 | clearing
2089 | clearly
2090 | clever
2091 | click
2092 | cliff
2093 | cliffs
2094 | clip
2095 | clock
2096 | clocks
2097 | clos1
2098 | close
2099 | closeby
2100 | closed
2101 | closer
2102 | closes
2103 | closingdate04
2104 | cloth
2105 | clothes
2106 | cloud
2107 | clover
2108 | club
2109 | club4
2110 | club4mobiles
2111 | clubmoby
2112 | clubsaisai
2113 | clubzed
2114 | clue
2115 | cm
2116 | cm2
2117 | cme
2118 | cmon
2119 | cn
2120 | cnl
2121 | cnn
2122 | cnupdates
2123 | co
2124 | coach
2125 | coast
2126 | coat
2127 | coaxing
2128 | coca
2129 | coccooning
2130 | cochin
2131 | cock
2132 | cocksuckers
2133 | coco
2134 | code
2135 | coffee
2136 | coherently
2137 | coimbatore
2138 | coin
2139 | coincidence
2140 | coins
2141 | cola
2142 | colany
2143 | cold
2144 | colin
2145 | collages
2146 | collapsed
2147 | colleagues
2148 | collect
2149 | collected
2150 | collecting
2151 | collection
2152 | colleg
2153 | college
2154 | color
2155 | colour
2156 | colourful
2157 | colours
2158 | com
2159 | com1win150ppmx3age16
2160 | com1win150ppmx3age16subscription
2161 | comb
2162 | combination
2163 | combine
2164 | come
2165 | comedy
2166 | comes
2167 | comfey
2168 | comfort
2169 | comin
2170 | coming
2171 | comingdown
2172 | command
2173 | comment
2174 | commercial
2175 | commit
2176 | common
2177 | community
2178 | como
2179 | comp
2180 | companies
2181 | companion
2182 | company
2183 | compare
2184 | compass
2185 | compensation
2186 | competition
2187 | complacent
2188 | complain
2189 | complaining
2190 | complaint
2191 | complementary
2192 | complete
2193 | completed
2194 | completely
2195 | completes
2196 | completing
2197 | complexities
2198 | complimentary
2199 | compliments
2200 | comprehensive
2201 | compromised
2202 | compulsory
2203 | computational
2204 | computer
2205 | computerless
2206 | computers
2207 | comuk
2208 | conacted
2209 | concentrate
2210 | concentrating
2211 | concentration
2212 | concern
2213 | concerned
2214 | concert
2215 | conclusion
2216 | condition
2217 | conditions
2218 | conducts
2219 | conected
2220 | conference
2221 | confidence
2222 | configure
2223 | confirm
2224 | confirmd
2225 | confirmed
2226 | conform
2227 | confused
2228 | confuses
2229 | congrats
2230 | congratulation
2231 | congratulations
2232 | connect
2233 | connected
2234 | connection
2235 | connections
2236 | cons
2237 | consensus
2238 | consent
2239 | conserve
2240 | consider
2241 | considering
2242 | consistently
2243 | console
2244 | constant
2245 | constantly
2246 | contact
2247 | contacted
2248 | contacts
2249 | contains
2250 | content
2251 | contented
2252 | contention
2253 | contents
2254 | continent
2255 | continue
2256 | continued
2257 | contract
2258 | contribute
2259 | control
2260 | convenience
2261 | conversations
2262 | converted
2263 | converter
2264 | convey
2265 | conveying
2266 | convince
2267 | convinced
2268 | convincing
2269 | cook
2270 | cooked
2271 | cookies
2272 | cooking
2273 | cool
2274 | cooped
2275 | cooperative
2276 | copied
2277 | copies
2278 | coping
2279 | cops
2280 | copy
2281 | corect
2282 | cornwall
2283 | corporation
2284 | corrct
2285 | correct
2286 | correction
2287 | correctly
2288 | corrupt
2289 | corvettes
2290 | cos
2291 | cosign
2292 | cost
2293 | costa
2294 | costing
2295 | costs
2296 | costume
2297 | costumes
2298 | couch
2299 | cougar
2300 | cough
2301 | coughing
2302 | could
2303 | coulda
2304 | couldn
2305 | count
2306 | countin
2307 | countinlots
2308 | country
2309 | counts
2310 | coupla
2311 | couple
2312 | courage
2313 | courageous
2314 | course
2315 | court
2316 | courtroom
2317 | cousin
2318 | cover
2319 | coveragd
2320 | covers
2321 | coz
2322 | cozy
2323 | cps
2324 | cr
2325 | cr01327bt
2326 | cr9
2327 | crab
2328 | crack
2329 | craigslist
2330 | crammed
2331 | cramps
2332 | crap
2333 | crash
2334 | crashed
2335 | crashing
2336 | crave
2337 | craving
2338 | craziest
2339 | crazy
2340 | crazyin
2341 | crckt
2342 | cream
2343 | created
2344 | creative
2345 | creativity
2346 | credit
2347 | credited
2348 | credits
2349 | creep
2350 | creepy
2351 | cres
2352 | cribbs
2353 | cricket
2354 | cricketer
2355 | crickiting
2356 | cried
2357 | crisis
2358 | cro1327
2359 | crore
2360 | cross
2361 | crossing
2362 | crowd
2363 | croydon
2364 | crucial
2365 | crucify
2366 | cruel
2367 | cruise
2368 | cruisin
2369 | crushes
2370 | cry
2371 | crying
2372 | cs
2373 | csbcm4235wc1n3xx
2374 | csc
2375 | csh11
2376 | cst
2377 | cstore
2378 | ctagg
2379 | ctargg
2380 | cthen
2381 | ctla
2382 | cts
2383 | cttargg
2384 | ctter
2385 | cttergg
2386 | ctxt
2387 | cu
2388 | cuck
2389 | cud
2390 | cuddle
2391 | cuddled
2392 | cuddling
2393 | cudnt
2394 | culdnt
2395 | cultures
2396 | cum
2397 | cumin
2398 | cumming
2399 | cup
2400 | cupboard
2401 | cuppa
2402 | curfew
2403 | curious
2404 | current
2405 | currently
2406 | curry
2407 | curtsey
2408 | cusoon
2409 | cust
2410 | custcare
2411 | custom
2412 | customer
2413 | customercare
2414 | customers
2415 | customersqueries
2416 | cut
2417 | cute
2418 | cutefrnd
2419 | cutest
2420 | cutie
2421 | cutter
2422 | cutting
2423 | cuz
2424 | cw25wx
2425 | cya
2426 | cyclists
2427 | cysts
2428 | d3wv
2429 | da
2430 | daaaaa
2431 | dabbles
2432 | dabooks
2433 | dad
2434 | daddy
2435 | dads
2436 | dai
2437 | daily
2438 | dammit
2439 | damn
2440 | dan
2441 | dancce
2442 | dance
2443 | dancin
2444 | dancing
2445 | dane
2446 | dang
2447 | danger
2448 | dangerous
2449 | dao
2450 | dare
2451 | dark
2452 | darker
2453 | darkest
2454 | darkness
2455 | darlin
2456 | darling
2457 | darlings
2458 | darren
2459 | dartboard
2460 | das
2461 | dasara
2462 | dat
2463 | data
2464 | date
2465 | datebox1282essexcm61xn
2466 | dates
2467 | dating
2468 | dats
2469 | datz
2470 | dave
2471 | dawns
2472 | day
2473 | days
2474 | daytime
2475 | daywith
2476 | db
2477 | dbuk
2478 | dd
2479 | de
2480 | dead
2481 | deal
2482 | dealer
2483 | dealing
2484 | deals
2485 | dear
2486 | dear1
2487 | dearer
2488 | dearly
2489 | death
2490 | debating
2491 | dec
2492 | decades
2493 | december
2494 | decent
2495 | decide
2496 | decided
2497 | deciding
2498 | decimal
2499 | decision
2500 | decisions
2501 | deck
2502 | decking
2503 | declare
2504 | decorating
2505 | dedicate
2506 | dedicated
2507 | deduct
2508 | deep
2509 | deepak
2510 | deepest
2511 | deer
2512 | deeraj
2513 | def
2514 | defeat
2515 | defer
2516 | deficient
2517 | definite
2518 | definitely
2519 | definitly
2520 | defo
2521 | degree
2522 | degrees
2523 | dehydrated
2524 | dehydration
2525 | del
2526 | delay
2527 | delayed
2528 | delete
2529 | deleted
2530 | delhi
2531 | delicious
2532 | deliver
2533 | delivered
2534 | deliveredtomorrow
2535 | delivery
2536 | deltomorrow
2537 | deluxe
2538 | dem
2539 | demand
2540 | den
2541 | dena
2542 | dengra
2543 | denis
2544 | dent
2545 | dental
2546 | dentist
2547 | dentists
2548 | deny
2549 | denying
2550 | department
2551 | dependable
2552 | dependents
2553 | depends
2554 | deposit
2555 | deposited
2556 | depressed
2557 | depression
2558 | dept
2559 | der
2560 | derek
2561 | derp
2562 | describe
2563 | description
2564 | desert
2565 | deserve
2566 | designation
2567 | desires
2568 | desk
2569 | desparate
2570 | desparately
2571 | desperate
2572 | despite
2573 | dessert
2574 | destination
2575 | destiny
2576 | detail
2577 | detailed
2578 | details
2579 | determine
2580 | determined
2581 | detroit
2582 | deus
2583 | develop
2584 | developed
2585 | developer
2586 | device
2587 | devils
2588 | deviousbitch
2589 | devouring
2590 | dey
2591 | dha
2592 | dhanush
2593 | dhina
2594 | dhoni
2595 | dhorte
2596 | di
2597 | dial
2598 | dialling
2599 | dialogue
2600 | diamond
2601 | diamonds
2602 | diapers
2603 | dice
2604 | dick
2605 | dict
2606 | dictionary
2607 | did
2608 | diddy
2609 | didn
2610 | didnt
2611 | didntgive
2612 | die
2613 | died
2614 | diesel
2615 | diet
2616 | dieting
2617 | diff
2618 | differ
2619 | difference
2620 | differences
2621 | different
2622 | difficult
2623 | difficulties
2624 | dificult
2625 | digi
2626 | digital
2627 | digits
2628 | dignity
2629 | dileep
2630 | dime
2631 | dimension
2632 | din
2633 | dine
2634 | dined
2635 | dinero
2636 | ding
2637 | dining
2638 | dinner
2639 | dino
2640 | dint
2641 | dip
2642 | dippeditinadew
2643 | direct
2644 | directly
2645 | director
2646 | directors
2647 | dirt
2648 | dirtiest
2649 | dirty
2650 | dis
2651 | disagreeable
2652 | disappeared
2653 | disappointment
2654 | disaster
2655 | disasters
2656 | disastrous
2657 | disc
2658 | disclose
2659 | disconnect
2660 | disconnected
2661 | discount
2662 | discreet
2663 | discuss
2664 | discussed
2665 | diseases
2666 | disk
2667 | dislikes
2668 | dismay
2669 | dismissial
2670 | display
2671 | distance
2672 | distract
2673 | disturb
2674 | disturbance
2675 | disturbing
2676 | ditto
2677 | divert
2678 | division
2679 | divorce
2680 | diwali
2681 | dizzamn
2682 | dizzee
2683 | dl
2684 | dled
2685 | dlf
2686 | dload
2687 | dnot
2688 | dnt
2689 | do
2690 | dob
2691 | dobby
2692 | doc
2693 | dock
2694 | docks
2695 | docs
2696 | doctor
2697 | doctors
2698 | documents
2699 | dodda
2700 | dodgey
2701 | does
2702 | doesdiscount
2703 | doesn
2704 | doesnt
2705 | dog
2706 | dogbreath
2707 | dogg
2708 | doggin
2709 | dogging
2710 | doggy
2711 | dogs
2712 | dogwood
2713 | doin
2714 | doinat
2715 | doing
2716 | doit
2717 | doke
2718 | dokey
2719 | doll
2720 | dollar
2721 | dollars
2722 | dolls
2723 | dom
2724 | domain
2725 | don
2726 | donate
2727 | done
2728 | donno
2729 | dont
2730 | dontcha
2731 | dontignore
2732 | dontmatter
2733 | dontplease
2734 | donyt
2735 | dooms
2736 | door
2737 | doors
2738 | dorm
2739 | dormitory
2740 | dorothy
2741 | dose
2742 | dosomething
2743 | dot
2744 | double
2745 | doublemins
2746 | doubles
2747 | doubletxt
2748 | doubt
2749 | doug
2750 | dough
2751 | down
2752 | download
2753 | downloaded
2754 | downloads
2755 | downon
2756 | downs
2757 | downstem
2758 | dozens
2759 | dps
2760 | dr
2761 | dracula
2762 | drama
2763 | dramastorm
2764 | dramatic
2765 | drastic
2766 | draw
2767 | draws
2768 | dreading
2769 | dream
2770 | dreams
2771 | dreamz
2772 | dress
2773 | dressed
2774 | dresser
2775 | drink
2776 | drinkin
2777 | drinking
2778 | drinks
2779 | drivby
2780 | drive
2781 | driver
2782 | drivin
2783 | driving
2784 | drizzling
2785 | drms
2786 | drop
2787 | dropped
2788 | drops
2789 | drove
2790 | drpd
2791 | drug
2792 | drugdealer
2793 | drugs
2794 | drum
2795 | drunk
2796 | drunkard
2797 | drunken
2798 | drvgsto
2799 | dry
2800 | dryer
2801 | dsn
2802 | dt
2803 | dual
2804 | dub
2805 | dubsack
2806 | duchess
2807 | ducking
2808 | dude
2809 | dudes
2810 | dudette
2811 | due
2812 | duffer
2813 | dull
2814 | dumb
2815 | dump
2816 | dun
2817 | dungerees
2818 | dunno
2819 | duo
2820 | durban
2821 | durham
2822 | during
2823 | dusk
2824 | dust
2825 | duvet
2826 | dvd
2827 | dvg
2828 | dwn
2829 | dying
2830 | dysentry
2831 | e14
2832 | each
2833 | eachother
2834 | ear
2835 | earlier
2836 | earliest
2837 | early
2838 | earn
2839 | earning
2840 | ears
2841 | earth
2842 | easier
2843 | easiest
2844 | easily
2845 | east
2846 | eastenders
2847 | easter
2848 | easy
2849 | eat
2850 | eaten
2851 | eatin
2852 | eating
2853 | ebay
2854 | ec2a
2855 | echo
2856 | eckankar
2857 | ecstacy
2858 | ecstasy
2859 | ed
2860 | edge
2861 | edhae
2862 | edison
2863 | edition
2864 | edrunk
2865 | edu
2866 | education
2867 | educational
2868 | edukkukayee
2869 | edward
2870 | edwards
2871 | ee
2872 | eek
2873 | eerie
2874 | eerulli
2875 | effect
2876 | effects
2877 | efficient
2878 | efreefone
2879 | eg
2880 | egbon
2881 | egg
2882 | eggs
2883 | ego
2884 | eh
2885 | eh74rr
2886 | eight
2887 | eighth
2888 | eightish
2889 | eire
2890 | either
2891 | el
2892 | ela
2893 | elaborate
2894 | elaborating
2895 | elaine
2896 | elama
2897 | elaya
2898 | eldest
2899 | election
2900 | elections
2901 | electricity
2902 | elephant
2903 | eleven
2904 | elliot
2905 | ello
2906 | else
2907 | elsewhere
2908 | elvis
2909 | em
2910 | email
2911 | emailed
2912 | embarassed
2913 | embarassing
2914 | embarrassed
2915 | embassy
2916 | emc1
2917 | emergency
2918 | emerging
2919 | emigrated
2920 | emily
2921 | emotion
2922 | employee
2923 | employer
2924 | empty
2925 | en
2926 | enc
2927 | end
2928 | ended
2929 | ending
2930 | endless
2931 | endof
2932 | endowed
2933 | ends
2934 | enemies
2935 | enemy
2936 | energy
2937 | eng
2938 | engaged
2939 | engagement
2940 | engalnd
2941 | engin
2942 | england
2943 | english
2944 | enjoy
2945 | enjoyed
2946 | enjoyin
2947 | enjoying
2948 | enketa
2949 | enna
2950 | ennal
2951 | enough
2952 | ente
2953 | enter
2954 | entered
2955 | enters
2956 | entertain
2957 | entertaining
2958 | entey
2959 | entire
2960 | entirely
2961 | entitled
2962 | entrepreneurs
2963 | entropication
2964 | entry
2965 | entry41
2966 | enufcredeit
2967 | enuff
2968 | envelope
2969 | environment
2970 | envy
2971 | epi
2972 | eppolum
2973 | epsilon
2974 | equally
2975 | er
2976 | ere
2977 | ericson
2978 | ericsson
2979 | erm
2980 | erode
2981 | erotic
2982 | err
2983 | error
2984 | errors
2985 | ertini
2986 | eruku
2987 | erupt
2988 | erutupalam
2989 | esaplanade
2990 | escalator
2991 | escape
2992 | ese
2993 | eshxxxxxxxxxxx
2994 | espe
2995 | especially
2996 | esplanade
2997 | essay
2998 | essential
2999 | establish
3000 | eta
3001 | etc
3002 | ethnicity
3003 | etlp
3004 | ettans
3005 | euro
3006 | euro2004
3007 | eurodisinc
3008 | europe
3009 | evaluation
3010 | evaporated
3011 | eve
3012 | eveb
3013 | even
3014 | evening
3015 | evenings
3016 | event
3017 | events
3018 | eventually
3019 | ever
3020 | every
3021 | every1
3022 | everybody
3023 | everyboy
3024 | everyday
3025 | everyone
3026 | everyones
3027 | everyso
3028 | everythin
3029 | everything
3030 | everytime
3031 | everywhere
3032 | evey
3033 | eviction
3034 | evil
3035 | evn
3036 | evng
3037 | evo
3038 | evone
3039 | evr
3040 | evrey
3041 | evry
3042 | evry1
3043 | evrydy
3044 | ew
3045 | ex
3046 | exact
3047 | exactly
3048 | exam
3049 | exams
3050 | excellent
3051 | except
3052 | exchanged
3053 | excited
3054 | exciting
3055 | excuse
3056 | excused
3057 | excuses
3058 | exe
3059 | executive
3060 | exercise
3061 | exeter
3062 | exhaust
3063 | exhausted
3064 | exhibition
3065 | exist
3066 | exmpel
3067 | exorcism
3068 | exorcist
3069 | exp
3070 | expect
3071 | expected
3072 | expecting
3073 | expects
3074 | expensive
3075 | experience
3076 | experiencehttp
3077 | experiment
3078 | expert
3079 | expired
3080 | expires
3081 | expiry
3082 | explain
3083 | explicit
3084 | explicitly
3085 | explosive
3086 | exposed
3087 | exposes
3088 | express
3089 | expression
3090 | expressoffer
3091 | ext
3092 | exterminator
3093 | extra
3094 | extract
3095 | extreme
3096 | ey
3097 | eye
3098 | eyed
3099 | eyes
3100 | f4q
3101 | fa
3102 | fab
3103 | faber
3104 | face
3105 | facebook
3106 | facilities
3107 | fact
3108 | factory
3109 | facts
3110 | faded
3111 | faggot
3112 | faggy
3113 | faglord
3114 | failed
3115 | failing
3116 | fails
3117 | failure
3118 | fainting
3119 | fair
3120 | faith
3121 | fake
3122 | fakeye
3123 | fal
3124 | falconerf
3125 | fall
3126 | fallen
3127 | falling
3128 | falls
3129 | fals
3130 | famamus
3131 | familiar
3132 | family
3133 | famous
3134 | fan
3135 | fancied
3136 | fancies
3137 | fancy
3138 | fans
3139 | fantasies
3140 | fantastic
3141 | fantasy
3142 | far
3143 | farm
3144 | farrell
3145 | farting
3146 | fassyole
3147 | fast
3148 | faster
3149 | fastest
3150 | fat
3151 | fated
3152 | father
3153 | fathima
3154 | fats
3155 | fatty
3156 | fault
3157 | fav
3158 | fave
3159 | favor
3160 | favorite
3161 | favour
3162 | favourite
3163 | fb
3164 | fear
3165 | feathery
3166 | features
3167 | feb
3168 | february
3169 | fed
3170 | fedex
3171 | feed
3172 | feel
3173 | feelin
3174 | feeling
3175 | feelingood
3176 | feellikw
3177 | feels
3178 | fees
3179 | feet
3180 | fell
3181 | fellow
3182 | felt
3183 | female
3184 | feng
3185 | festival
3186 | fetch
3187 | fetching
3188 | fever
3189 | few
3190 | ffectionate
3191 | fffff
3192 | ffffffffff
3193 | ffffuuuuuuu
3194 | fgkslpo
3195 | fgkslpopw
3196 | fidalfication
3197 | field
3198 | fieldof
3199 | fiend
3200 | fifa
3201 | fifteen
3202 | fifth
3203 | fifty
3204 | fight
3205 | fighting
3206 | fightng
3207 | fights
3208 | figure
3209 | figures
3210 | figuring
3211 | file
3212 | files
3213 | fill
3214 | filled
3215 | filling
3216 | fills
3217 | film
3218 | films
3219 | filth
3220 | filthy
3221 | filthyguys
3222 | final
3223 | finalise
3224 | finally
3225 | finance
3226 | financial
3227 | find
3228 | finding
3229 | finds
3230 | fine
3231 | finest
3232 | fingers
3233 | finish
3234 | finishd
3235 | finished
3236 | finishes
3237 | finishing
3238 | fink
3239 | finn
3240 | fire
3241 | fired
3242 | firefox
3243 | fireplace
3244 | fires
3245 | firmware
3246 | firsg
3247 | first
3248 | fish
3249 | fishhead
3250 | fishrman
3251 | fit
3252 | fiting
3253 | five
3254 | fix
3255 | fixd
3256 | fixed
3257 | fixedline
3258 | fixes
3259 | fizz
3260 | flag
3261 | flaked
3262 | flaky
3263 | flame
3264 | flash
3265 | flat
3266 | flatter
3267 | flavour
3268 | flea
3269 | fletcher
3270 | flew
3271 | flies
3272 | flight
3273 | flights
3274 | flim
3275 | flip
3276 | flippin
3277 | flirt
3278 | flirting
3279 | flirtparty
3280 | floating
3281 | flood
3282 | floor
3283 | floppy
3284 | florida
3285 | flow
3286 | flower
3287 | flowers
3288 | flowing
3289 | fluids
3290 | flung
3291 | flurries
3292 | flute
3293 | fly
3294 | flying
3295 | flyng
3296 | fm
3297 | fml
3298 | fne
3299 | fo
3300 | fold
3301 | foley
3302 | folks
3303 | follow
3304 | followed
3305 | followin
3306 | following
3307 | follows
3308 | fond
3309 | fondly
3310 | fone
3311 | foned
3312 | fones
3313 | fonin
3314 | food
3315 | fool
3316 | fooled
3317 | fools
3318 | foot
3319 | football
3320 | footbl
3321 | footie
3322 | footprints
3323 | footy
3324 | for
3325 | force
3326 | forced
3327 | foregate
3328 | foreign
3329 | forever
3330 | forevr
3331 | forfeit
3332 | forget
3333 | forgets
3334 | forgive
3335 | forgiven
3336 | forgiveness
3337 | forgot
3338 | forgotten
3339 | forgt
3340 | form
3341 | formal
3342 | formally
3343 | format
3344 | formatting
3345 | forms
3346 | forth
3347 | fortune
3348 | forum
3349 | forums
3350 | forward
3351 | forwarded
3352 | forwarding
3353 | found
3354 | foundurself
3355 | four
3356 | fourth
3357 | foward
3358 | fowler
3359 | fox
3360 | fps
3361 | fr
3362 | fraction
3363 | fran
3364 | frank
3365 | frankie
3366 | franxx
3367 | franyxxxxx
3368 | frauds
3369 | freak
3370 | freaked
3371 | freaking
3372 | freaky
3373 | fredericksburg
3374 | free
3375 | free2day
3376 | freedom
3377 | freeentry
3378 | freefone
3379 | freek
3380 | freely
3381 | freemsg
3382 | freephone
3383 | freezing
3384 | freinds
3385 | fren
3386 | french
3387 | frens
3388 | frequently
3389 | fresh
3390 | freshers
3391 | fret
3392 | fri
3393 | friday
3394 | fridays
3395 | fridge
3396 | fried
3397 | friend
3398 | friends
3399 | friendsare
3400 | friendship
3401 | friendships
3402 | fring
3403 | fringe
3404 | frm
3405 | frmcloud
3406 | frnd
3407 | frnds
3408 | frndship
3409 | frndshp
3410 | frndsship
3411 | frndz
3412 | frnt
3413 | fro
3414 | frog
3415 | from
3416 | fromm
3417 | fromwrk
3418 | front
3419 | frontierville
3420 | frosty
3421 | fruit
3422 | frwd
3423 | frying
3424 | ft
3425 | fuck
3426 | fucked
3427 | fuckin
3428 | fucking
3429 | fuckinnice
3430 | fucks
3431 | fudge
3432 | fuelled
3433 | fujitsu
3434 | ful
3435 | fulfil
3436 | full
3437 | fullonsms
3438 | fumbling
3439 | fun
3440 | function
3441 | functions
3442 | fund
3443 | fundamentals
3444 | funeral
3445 | funk
3446 | funky
3447 | funny
3448 | funs
3449 | furniture
3450 | further
3451 | fusion
3452 | future
3453 | fuuuuck
3454 | fwiw
3455 | fyi
3456 | g2
3457 | g696ga
3458 | ga
3459 | gage
3460 | gail
3461 | gailxx
3462 | gain
3463 | gained
3464 | gal
3465 | galileo
3466 | gals
3467 | gam
3468 | gamb
3469 | game
3470 | games
3471 | gamestar
3472 | gandhipuram
3473 | ganesh
3474 | gang
3475 | gap
3476 | gaps
3477 | garage
3478 | garbage
3479 | garden
3480 | gardener
3481 | gari
3482 | garments
3483 | gary
3484 | gas
3485 | gastroenteritis
3486 | gate
3487 | gauge
3488 | gautham
3489 | gauti
3490 | gave
3491 | gay
3492 | gayle
3493 | gays
3494 | gaytextbuddy
3495 | gaze
3496 | gbp
3497 | gbp1
3498 | gbp4
3499 | gbp5
3500 | gd
3501 | gdeve
3502 | ge
3503 | gee
3504 | geeee
3505 | geeeee
3506 | gei
3507 | gek1510
3508 | gender
3509 | general
3510 | generally
3511 | genes
3512 | genius
3513 | gent
3514 | gentle
3515 | gentleman
3516 | gently
3517 | genuine
3518 | genus
3519 | geoenvironmental
3520 | george
3521 | gep
3522 | ger
3523 | germany
3524 | get
3525 | get4an18th
3526 | getiing
3527 | geting
3528 | gets
3529 | getsleep
3530 | getstop
3531 | gettin
3532 | getting
3533 | getzed
3534 | gf
3535 | ghodbandar
3536 | ghost
3537 | gibbs
3538 | gibe
3539 | gift
3540 | gifted
3541 | gifts
3542 | giggle
3543 | gigolo
3544 | gimme
3545 | gimmi
3546 | gin
3547 | girl
3548 | girlfrnd
3549 | girlie
3550 | girls
3551 | gist
3552 | giv
3553 | give
3554 | given
3555 | gives
3556 | giving
3557 | glad
3558 | glands
3559 | glasgow
3560 | glass
3561 | glo
3562 | global
3563 | glorious
3564 | glory
3565 | gloucesterroad
3566 | gm
3567 | gmw
3568 | gn
3569 | gnarls
3570 | gnt
3571 | gnun
3572 | go
3573 | go2
3574 | go2sri
3575 | goal
3576 | goals
3577 | gobi
3578 | god
3579 | gods
3580 | goes
3581 | goggles
3582 | goigng
3583 | goin
3584 | goin2bed
3585 | going
3586 | gokila
3587 | gold
3588 | golddigger
3589 | golden
3590 | goldviking
3591 | golf
3592 | gon
3593 | gona
3594 | gone
3595 | gong
3596 | gonna
3597 | gonnamissu
3598 | good
3599 | goodevening
3600 | goodfriend
3601 | goodies
3602 | goodmate
3603 | goodmorning
3604 | goodnight
3605 | goodnite
3606 | goodnoon
3607 | goodo
3608 | goods
3609 | goodtime
3610 | google
3611 | gopalettan
3612 | gorgeous
3613 | gosh
3614 | goss
3615 | gossip
3616 | got
3617 | gota
3618 | gotany
3619 | gotbabes
3620 | gotmarried
3621 | goto
3622 | gotta
3623 | gotten
3624 | gotto
3625 | goverment
3626 | govt
3627 | gower
3628 | gprs
3629 | gpu
3630 | gr8
3631 | gr8fun
3632 | gr8prizes
3633 | grab
3634 | grace
3635 | graduated
3636 | grahmbell
3637 | gram
3638 | grams
3639 | gran
3640 | grand
3641 | grandfather
3642 | grandma
3643 | grandmas
3644 | granite
3645 | granted
3646 | graphics
3647 | grasp
3648 | grateful
3649 | grave
3650 | gravel
3651 | gravity
3652 | gravy
3653 | gray
3654 | grazed
3655 | gre
3656 | great
3657 | greatest
3658 | greatly
3659 | greatness
3660 | greece
3661 | green
3662 | greet
3663 | greeting
3664 | greetings
3665 | grief
3666 | grinder
3667 | grins
3668 | grinule
3669 | grl
3670 | grocers
3671 | grooved
3672 | groovy
3673 | groovying
3674 | ground
3675 | group
3676 | grow
3677 | growing
3678 | grown
3679 | grownup
3680 | grr
3681 | grumble
3682 | grumpy
3683 | gsex
3684 | gsoh
3685 | gt
3686 | gua
3687 | guai
3688 | guarantee
3689 | guaranteed
3690 | gucci
3691 | gud
3692 | gudni8
3693 | gudnite
3694 | gudnyt
3695 | guess
3696 | guessed
3697 | guesses
3698 | guessin
3699 | guessing
3700 | guidance
3701 | guide
3702 | guides
3703 | guild
3704 | guilty
3705 | guitar
3706 | gumby
3707 | guoyang
3708 | gurl
3709 | gut
3710 | guy
3711 | guys
3712 | gv
3713 | gving
3714 | gym
3715 | gymnastics
3716 | gynae
3717 | gyno
3718 | ha
3719 | habba
3720 | habit
3721 | hack
3722 | had
3723 | hadn
3724 | haf
3725 | haha
3726 | hahaha
3727 | hai
3728 | hail
3729 | hair
3730 | haircut
3731 | hairdressers
3732 | haiyoh
3733 | haiz
3734 | half
3735 | half8th
3736 | hall
3737 | halla
3738 | hallaq
3739 | halloween
3740 | ham
3741 | hamper
3742 | hamster
3743 | hand
3744 | handed
3745 | handing
3746 | handle
3747 | hands
3748 | handset
3749 | handsome
3750 | handsomes
3751 | hang
3752 | hanger
3753 | hangin
3754 | hanging
3755 | hanks
3756 | hannaford
3757 | hanuman
3758 | hanumanji
3759 | happen
3760 | happend
3761 | happened
3762 | happenin
3763 | happening
3764 | happens
3765 | happier
3766 | happiest
3767 | happily
3768 | happiness
3769 | happy
3770 | hard
3771 | hardcore
3772 | harder
3773 | hardest
3774 | hardly
3775 | hari
3776 | harish
3777 | harlem
3778 | harri
3779 | harry
3780 | has
3781 | hasbro
3782 | hasn
3783 | hasnt
3784 | hassling
3785 | hat
3786 | hate
3787 | hates
3788 | haughaighgtujhyguj
3789 | haul
3790 | haunt
3791 | hav
3792 | hav2hear
3793 | hava
3794 | havbeen
3795 | have
3796 | havebeen
3797 | haven
3798 | havent
3799 | haventcn
3800 | havin
3801 | having
3802 | havn
3803 | havnt
3804 | hcl
3805 | hdd
3806 | he
3807 | head
3808 | headache
3809 | headin
3810 | heading
3811 | heads
3812 | headset
3813 | headstart
3814 | heal
3815 | healer
3816 | healthy
3817 | heap
3818 | hear
3819 | heard
3820 | hearin
3821 | hearing
3822 | heart
3823 | hearted
3824 | hearts
3825 | heat
3826 | heater
3827 | heaven
3828 | heavily
3829 | heavy
3830 | hectic
3831 | hee
3832 | heehee
3833 | hehe
3834 | height
3835 | held
3836 | helen
3837 | helens
3838 | hell
3839 | hella
3840 | hello
3841 | hellogorgeous
3842 | helloooo
3843 | help
3844 | help08700621170150p
3845 | help08714742804
3846 | help08718728876
3847 | helpful
3848 | helping
3849 | helpline
3850 | helps
3851 | heltini
3852 | hen
3853 | hence
3854 | henry
3855 | hep
3856 | her
3857 | here
3858 | hero
3859 | heroes
3860 | heron
3861 | herself
3862 | hes
3863 | hesitant
3864 | hesitate
3865 | hesitation
3866 | hex
3867 | hey
3868 | hf8
3869 | hg
3870 | hhahhaahahah
3871 | hi
3872 | hidden
3873 | hide
3874 | hides
3875 | hiding
3876 | high
3877 | highest
3878 | hilarious
3879 | hill
3880 | hills
3881 | hillsborough
3882 | him
3883 | himself
3884 | himso
3885 | hint
3886 | hip
3887 | hiphop
3888 | hire
3889 | his
3890 | history
3891 | hit
3892 | hitler
3893 | hitman
3894 | hits
3895 | hitter
3896 | hittng
3897 | hiya
3898 | hl
3899 | hlday
3900 | hlp
3901 | hm
3902 | hme
3903 | hmm
3904 | hmmm
3905 | hmmmm
3906 | hmmross
3907 | hmph
3908 | hmv
3909 | hmv1
3910 | ho
3911 | hockey
3912 | hogidhe
3913 | hogli
3914 | hogolo
3915 | hol
3916 | holby
3917 | hold
3918 | holder
3919 | holding
3920 | hole
3921 | holiday
3922 | holla
3923 | hollalater
3924 | hols
3925 | holy
3926 | home
3927 | homeowners
3928 | hon
3929 | honest
3930 | honestly
3931 | honesty
3932 | honey
3933 | honeybee
3934 | honeymoon
3935 | honi
3936 | hont
3937 | hoo
3938 | hooch
3939 | hoody
3940 | hook
3941 | hooked
3942 | hoops
3943 | hop
3944 | hope
3945 | hoped
3946 | hopeful
3947 | hopefully
3948 | hopeing
3949 | hopes
3950 | hopeso
3951 | hopeu
3952 | hoping
3953 | hor
3954 | horniest
3955 | horny
3956 | horo
3957 | horrible
3958 | horse
3959 | hos
3960 | hospital
3961 | hospitals
3962 | host
3963 | hostel
3964 | hostile
3965 | hot
3966 | hotel
3967 | hotels
3968 | hotmail
3969 | hotmix
3970 | hottest
3971 | hour
3972 | hourish
3973 | hours
3974 | house
3975 | houseful
3976 | housewives
3977 | housework
3978 | housing
3979 | how
3980 | howard
3981 | howda
3982 | howdy
3983 | however
3984 | hows
3985 | howu
3986 | howz
3987 | hp
3988 | hp20
3989 | hppnss
3990 | hr
3991 | hrishi
3992 | hrs
3993 | hsbc
3994 | html
3995 | http
3996 | hu
3997 | huai
3998 | hubby
3999 | hudgi
4000 | hug
4001 | huge
4002 | hugging
4003 | hugh
4004 | hugs
4005 | huh
4006 | hui
4007 | huiming
4008 | hum
4009 | humanities
4010 | humans
4011 | hun
4012 | hundred
4013 | hundreds
4014 | hungover
4015 | hungry
4016 | hunks
4017 | hunny
4018 | hunt
4019 | hunting
4020 | hurricanes
4021 | hurried
4022 | hurry
4023 | hurt
4024 | hurting
4025 | hurts
4026 | husband
4027 | hussey
4028 | hustle
4029 | hut
4030 | hv
4031 | hv9d
4032 | hvae
4033 | hw
4034 | hyde
4035 | hype
4036 | hypertension
4037 | hypotheticalhuagauahahuagahyuhagga
4038 | iam
4039 | ias
4040 | ibh
4041 | ibhltd
4042 | ibiza
4043 | ibm
4044 | ibn
4045 | ibored
4046 | ibuprofens
4047 | ic
4048 | iccha
4049 | ice
4050 | icic
4051 | icicibank
4052 | icky
4053 | icmb3cktz8r7
4054 | icon
4055 | id
4056 | idc
4057 | idea
4058 | ideal
4059 | ideas
4060 | identification
4061 | identifier
4062 | idew
4063 | idiot
4064 | idk
4065 | idps
4066 | idu
4067 | ie
4068 | if
4069 | iff
4070 | ifink
4071 | ig11
4072 | ignorant
4073 | ignore
4074 | ignoring
4075 | ihave
4076 | ijust
4077 | ikea
4078 | ikno
4079 | iknow
4080 | il
4081 | ileave
4082 | ill
4083 | illness
4084 | illspeak
4085 | ilol
4086 | im
4087 | image
4088 | images
4089 | imagination
4090 | imagine
4091 | imat
4092 | imf
4093 | img
4094 | imin
4095 | imma
4096 | immed
4097 | immediately
4098 | immunisation
4099 | imp
4100 | impatient
4101 | impede
4102 | implications
4103 | important
4104 | importantly
4105 | imposed
4106 | impossible
4107 | imposter
4108 | impress
4109 | impressed
4110 | impression
4111 | impressively
4112 | improve
4113 | improved
4114 | imprtant
4115 | in
4116 | in2
4117 | inc
4118 | inch
4119 | inches
4120 | incident
4121 | inclu
4122 | include
4123 | includes
4124 | including
4125 | inclusive
4126 | incomm
4127 | inconsiderate
4128 | inconvenience
4129 | inconvenient
4130 | incorrect
4131 | increase
4132 | incredible
4133 | increments
4134 | inde
4135 | indeed
4136 | independence
4137 | independently
4138 | index
4139 | india
4140 | indian
4141 | indians
4142 | indicate
4143 | individual
4144 | indyarocks
4145 | inever
4146 | infact
4147 | infections
4148 | infernal
4149 | influx
4150 | info
4151 | inform
4152 | information
4153 | informed
4154 | infra
4155 | infront
4156 | ing
4157 | ingredients
4158 | initiate
4159 | ink
4160 | inlude
4161 | inmind
4162 | inner
4163 | innings
4164 | innocent
4165 | innu
4166 | inperialmusic
4167 | inpersonation
4168 | inr
4169 | insects
4170 | insha
4171 | inshah
4172 | inside
4173 | inspection
4174 | inst
4175 | install
4176 | installation
4177 | installing
4178 | instant
4179 | instantly
4180 | instead
4181 | instituitions
4182 | instructions
4183 | insurance
4184 | intelligent
4185 | intend
4186 | intention
4187 | intentions
4188 | interest
4189 | interested
4190 | interesting
4191 | interflora
4192 | interfued
4193 | internal
4194 | internet
4195 | interview
4196 | interviews
4197 | interviw
4198 | intha
4199 | into
4200 | intrepid
4201 | intro
4202 | intrude
4203 | invaders
4204 | invention
4205 | invest
4206 | investigate
4207 | invitation
4208 | invite
4209 | invited
4210 | inviting
4211 | invnted
4212 | invoices
4213 | involve
4214 | involved
4215 | iouri
4216 | ip
4217 | ip4
4218 | ipad
4219 | ipaditan
4220 | ipads
4221 | iphone
4222 | ipod
4223 | iq
4224 | iraq
4225 | irene
4226 | iriver
4227 | iron
4228 | ironing
4229 | irritated
4230 | irritates
4231 | irritating
4232 | irritation
4233 | irulinae
4234 | is
4235 | isaiah
4236 | iscoming
4237 | ish
4238 | ishtamayoo
4239 | island
4240 | islands
4241 | isn
4242 | isnt
4243 | issue
4244 | issues
4245 | isv
4246 | it
4247 | italian
4248 | itcould
4249 | items
4250 | iter
4251 | ithink
4252 | itna
4253 | itried2tell
4254 | its
4255 | itself
4256 | itwhichturnedinto
4257 | itxt
4258 | itz
4259 | ivatte
4260 | ive
4261 | iwana
4262 | iwas
4263 | iyo
4264 | iz
4265 | izzit
4266 | j5q
4267 | j89
4268 | jabo
4269 | jack
4270 | jacket
4271 | jackpot
4272 | jackson
4273 | jacuzzi
4274 | jada
4275 | jade
4276 | jaklin
4277 | jam
4278 | james
4279 | jamster
4280 | jamz
4281 | jan
4282 | janarige
4283 | jane
4284 | janinexx
4285 | january
4286 | janx
4287 | jap
4288 | japanese
4289 | jas
4290 | jason
4291 | java
4292 | jay
4293 | jaya
4294 | jaykwon
4295 | jaz
4296 | jazz
4297 | jb
4298 | jd
4299 | je
4300 | jealous
4301 | jeans
4302 | jeetey
4303 | jeevithathile
4304 | jelly
4305 | jen
4306 | jenne
4307 | jenny
4308 | jenxxx
4309 | jeremiah
4310 | jeri
4311 | jerk
4312 | jerry
4313 | jersey
4314 | jess
4315 | jesus
4316 | jet
4317 | jetton
4318 | jewelry
4319 | jez
4320 | ji
4321 | jia
4322 | jiayin
4323 | jide
4324 | jiu
4325 | jjc
4326 | jo
4327 | joanna
4328 | job
4329 | jobs
4330 | jobyet
4331 | jocks
4332 | jod
4333 | jog
4334 | jogging
4335 | john
4336 | join
4337 | joined
4338 | joining
4339 | joke
4340 | joker
4341 | jokes
4342 | jokin
4343 | joking
4344 | jolly
4345 | jolt
4346 | jon
4347 | jones
4348 | jontin
4349 | jordan
4350 | jorge
4351 | jos
4352 | jot
4353 | journey
4354 | joy
4355 | joys
4356 | jp
4357 | js
4358 | jsco
4359 | jst
4360 | jstfrnd
4361 | jsut
4362 | juan
4363 | judgemental
4364 | juicy
4365 | jul
4366 | jules
4367 | juliana
4368 | julianaland
4369 | july
4370 | jump
4371 | jumpers
4372 | june
4373 | jungle
4374 | junna
4375 | jurong
4376 | jus
4377 | just
4378 | justbeen
4379 | justfound
4380 | justify
4381 | justthought
4382 | juswoke
4383 | juz
4384 | k52
4385 | k61
4386 | k718
4387 | kaaj
4388 | kadeem
4389 | kaiez
4390 | kaila
4391 | kaitlyn
4392 | kalaachutaarama
4393 | kalainar
4394 | kalisidare
4395 | kallis
4396 | kalstiya
4397 | kama
4398 | kanagu
4399 | kane
4400 | kanji
4401 | kano
4402 | kappa
4403 | karaoke
4404 | karnan
4405 | karo
4406 | kate
4407 | katexxx
4408 | kath
4409 | kavalan
4410 | kay
4411 | kaypoh
4412 | kb
4413 | ke
4414 | keen
4415 | keep
4416 | keeping
4417 | keeps
4418 | kegger
4419 | keluviri
4420 | ken
4421 | kent
4422 | kept
4423 | kerala
4424 | keralacircle
4425 | keris
4426 | kettoda
4427 | key
4428 | keypad
4429 | keys
4430 | keyword
4431 | kfc
4432 | kg
4433 | khelate
4434 | ki
4435 | kicchu
4436 | kick
4437 | kickboxing
4438 | kickoff
4439 | kicks
4440 | kid
4441 | kidding
4442 | kids
4443 | kidz
4444 | kiefer
4445 | kill
4446 | killed
4447 | killing
4448 | kills
4449 | kilos
4450 | kind
4451 | kinda
4452 | kindly
4453 | king
4454 | kingdom
4455 | kintu
4456 | kiosk
4457 | kip
4458 | kisi
4459 | kiss
4460 | kisses
4461 | kissing
4462 | kit
4463 | kittum
4464 | kitty
4465 | kl341
4466 | knackered
4467 | knee
4468 | knees
4469 | knew
4470 | knickers
4471 | knock
4472 | knocking
4473 | know
4474 | knowing
4475 | known
4476 | knows
4477 | knw
4478 | ko
4479 | kochi
4480 | kodstini
4481 | kodthini
4482 | kolathupalayam
4483 | konw
4484 | korche
4485 | korean
4486 | korli
4487 | korte
4488 | kotees
4489 | kothi
4490 | kr
4491 | ktv
4492 | kuch
4493 | kudi
4494 | kusruthi
4495 | kvb
4496 | kz
4497 | l8
4498 | l8er
4499 | l8r
4500 | l8rs
4501 | l8tr
4502 | la
4503 | la1
4504 | la3
4505 | la32wu
4506 | lab
4507 | labor
4508 | lac
4509 | lacking
4510 | lacs
4511 | laden
4512 | ladies
4513 | lady
4514 | lag
4515 | lage
4516 | lager
4517 | laid
4518 | lakhs
4519 | lambda
4520 | lambu
4521 | lamp
4522 | lancaster
4523 | land
4524 | landing
4525 | landline
4526 | landlineonly
4527 | landlines
4528 | landmark
4529 | lands
4530 | lane
4531 | langport
4532 | language
4533 | lanka
4534 | lanre
4535 | lap
4536 | lapdancer
4537 | laptop
4538 | lar
4539 | lara
4540 | laready
4541 | large
4542 | largest
4543 | lark
4544 | lasagna
4545 | last
4546 | lastest
4547 | lasting
4548 | late
4549 | lately
4550 | latelyxxx
4551 | later
4552 | latest
4553 | latests
4554 | latr
4555 | laugh
4556 | laughed
4557 | laughing
4558 | laughs
4559 | laundry
4560 | laurie
4561 | lautech
4562 | lavender
4563 | law
4564 | laxinorficated
4565 | lay
4566 | layin
4567 | laying
4568 | lays
4569 | lazy
4570 | lccltd
4571 | ld
4572 | ldew
4573 | ldn
4574 | ldnw15h
4575 | le
4576 | lead
4577 | leadership
4578 | leading
4579 | leads
4580 | leaf
4581 | leafcutter
4582 | league
4583 | leanne
4584 | learn
4585 | learned
4586 | least
4587 | least5times
4588 | leave
4589 | leaves
4590 | leaving
4591 | lect
4592 | lecture
4593 | lecturer
4594 | left
4595 | leftovers
4596 | leg
4597 | legal
4598 | legitimat
4599 | legs
4600 | leh
4601 | lei
4602 | lekdog
4603 | lemme
4604 | length
4605 | lengths
4606 | lennon
4607 | leo
4608 | leona
4609 | leonardo
4610 | les
4611 | less
4612 | lesser
4613 | lesson
4614 | lessons
4615 | let
4616 | lets
4617 | letter
4618 | letters
4619 | level
4620 | lf56
4621 | li
4622 | liao
4623 | lib
4624 | libertines
4625 | library
4626 | lick
4627 | licks
4628 | lido
4629 | lie
4630 | lies
4631 | life
4632 | lifebook
4633 | lifeis
4634 | lifetime
4635 | lifpartnr
4636 | lift
4637 | lifted
4638 | lifting
4639 | light
4640 | lighters
4641 | lightly
4642 | lik
4643 | like
4644 | liked
4645 | likely
4646 | likes
4647 | likeyour
4648 | liking
4649 | lil
4650 | lily
4651 | lim
4652 | limit
4653 | limited
4654 | limiting
4655 | limits
4656 | limping
4657 | lindsay
4658 | line
4659 | linear
4660 | lined
4661 | linerental
4662 | lines
4663 | lingerie
4664 | lingo
4665 | link
4666 | links
4667 | linux
4668 | lion
4669 | lionm
4670 | lionp
4671 | lions
4672 | lip
4673 | lipo
4674 | lips
4675 | liquor
4676 | list
4677 | listed
4678 | listen
4679 | listened2the
4680 | listener
4681 | listening
4682 | listening2the
4683 | listn
4684 | lists
4685 | lit
4686 | literally
4687 | litres
4688 | little
4689 | live
4690 | lived
4691 | liver
4692 | liverpool
4693 | lives
4694 | living
4695 | lk
4696 | lkpobox177hp51fl
4697 | ll
4698 | llc
4699 | llspeak
4700 | lmao
4701 | lnly
4702 | lo
4703 | load
4704 | loads
4705 | loan
4706 | loans
4707 | lobby
4708 | local
4709 | location
4710 | locations
4711 | locaxx
4712 | lock
4713 | locks
4714 | lodge
4715 | lodging
4716 | log
4717 | logged
4718 | logging
4719 | login
4720 | logo
4721 | logoff
4722 | logon
4723 | logos
4724 | loko
4725 | lol
4726 | lolnice
4727 | lololo
4728 | londn
4729 | london
4730 | loneliness
4731 | lonely
4732 | long
4733 | longer
4734 | lonlines
4735 | loo
4736 | look
4737 | lookatme
4738 | looked
4739 | lookin
4740 | looking
4741 | looks
4742 | lool
4743 | loooooool
4744 | looovvve
4745 | loose
4746 | loosing
4747 | loosu
4748 | lor
4749 | lord
4750 | lose
4751 | losers
4752 | loses
4753 | losing
4754 | loss
4755 | lost
4756 | lot
4757 | lotr
4758 | lots
4759 | lotsly
4760 | lotsof
4761 | lotta
4762 | lotto
4763 | lotz
4764 | lou
4765 | loud
4766 | lounge
4767 | lousy
4768 | lov
4769 | lovable
4770 | love
4771 | loved
4772 | lovejen
4773 | lovely
4774 | loveme
4775 | lover
4776 | loverboy
4777 | lovers
4778 | loves
4779 | lovin
4780 | loving
4781 | lovingly
4782 | lovly
4783 | low
4784 | lower
4785 | lowes
4786 | loxahatchee
4787 | loyal
4788 | loyalty
4789 | lrg
4790 | ls1
4791 | ls15hb
4792 | ls278bb
4793 | lst
4794 | lt
4795 | ltd
4796 | ltdhelpdesk
4797 | lttrs
4798 | lubly
4799 | luck
4800 | luckily
4801 | lucky
4802 | lucozade
4803 | lucy
4804 | lucyxx
4805 | luks
4806 | lul
4807 | lunch
4808 | lunchtime
4809 | lunsford
4810 | lush
4811 | luton
4812 | luv
4813 | luvd
4814 | luvs
4815 | lux
4816 | luxury
4817 | lv
4818 | lvblefrnd
4819 | lyf
4820 | lyfu
4821 | lying
4822 | lyk
4823 | lyricalladie
4824 | lyrics
4825 | m100
4826 | m221bp
4827 | m227xy
4828 | m26
4829 | m263uz
4830 | m39m51
4831 | m6
4832 | m60
4833 | m8
4834 | m8s
4835 | m95
4836 | ma
4837 | maaaan
4838 | maangalyam
4839 | maat
4840 | mac
4841 | macedonia
4842 | macha
4843 | machan
4844 | machi
4845 | machines
4846 | macho
4847 | mack
4848 | macleran
4849 | macs
4850 | mad
4851 | mad1
4852 | mad2
4853 | madam
4854 | made
4855 | madodu
4856 | madoke
4857 | madstini
4858 | madurai
4859 | mag
4860 | maga
4861 | magazine
4862 | maggi
4863 | magic
4864 | magical
4865 | magicalsongs
4866 | mah
4867 | mahal
4868 | mahaveer
4869 | mahfuuz
4870 | maid
4871 | mail
4872 | mailbox
4873 | mailed
4874 | mails
4875 | main
4876 | maintain
4877 | maintaining
4878 | major
4879 | make
4880 | makes
4881 | makiing
4882 | makin
4883 | making
4884 | malaria
4885 | malarky
4886 | male
4887 | mall
4888 | mallika
4889 | man
4890 | manage
4891 | manageable
4892 | managed
4893 | management
4894 | manchester
4895 | manda
4896 | mandan
4897 | mandara
4898 | mandy
4899 | maneesha
4900 | manege
4901 | mango
4902 | maniac
4903 | manky
4904 | manual
4905 | many
4906 | map
4907 | mapquest
4908 | maps
4909 | maraikara
4910 | marandratha
4911 | march
4912 | maretare
4913 | margaret
4914 | margin
4915 | marine
4916 | mark
4917 | market
4918 | marketing
4919 | marking
4920 | marley
4921 | marrge
4922 | marriage
4923 | married
4924 | marry
4925 | marsms
4926 | maruti
4927 | marvel
4928 | mary
4929 | mas
4930 | masked
4931 | massage
4932 | massages
4933 | massive
4934 | masteriastering
4935 | masters
4936 | mat
4937 | match
4938 | matched
4939 | matches
4940 | mate
4941 | mates
4942 | math
4943 | mathe
4944 | mathematics
4945 | mathews
4946 | maths
4947 | matra
4948 | matric
4949 | matrix3
4950 | matter
4951 | matters
4952 | matthew
4953 | matured
4954 | maturity
4955 | max
4956 | max10mins
4957 | max6
4958 | maximize
4959 | maximum
4960 | may
4961 | mayb
4962 | maybe
4963 | mb
4964 | mc
4965 | mca
4966 | mcat
4967 | mcfly
4968 | mcr
4969 | me
4970 | meal
4971 | meals
4972 | mean
4973 | meaning
4974 | meaningful
4975 | meaningless
4976 | means
4977 | meant
4978 | meanwhile
4979 | measure
4980 | meat
4981 | meatballs
4982 | mecause
4983 | med
4984 | medical
4985 | medicine
4986 | meds
4987 | mee
4988 | meet
4989 | meetin
4990 | meeting
4991 | meetins
4992 | meets
4993 | meg
4994 | mega
4995 | meh
4996 | mei
4997 | meive
4998 | mel
4999 | melle
5000 | melnite
5001 | melody
5002 | melt
5003 | member
5004 | members
5005 | membership
5006 | memorable
5007 | memories
5008 | memory
5009 | men
5010 | mens
5011 | mental
5012 | mention
5013 | mentioned
5014 | mentionned
5015 | mentor
5016 | menu
5017 | meow
5018 | merely
5019 | merememberin
5020 | merry
5021 | mesages
5022 | mess
5023 | message
5024 | messaged
5025 | messages
5026 | messaging
5027 | messed
5028 | messenger
5029 | messy
5030 | met
5031 | method
5032 | mf
5033 | mfl
5034 | mgs
5035 | mi
5036 | mia
5037 | michael
5038 | mid
5039 | middle
5040 | midnight
5041 | mids
5042 | might
5043 | miiiiiiissssssssss
5044 | mike
5045 | mila
5046 | mileage
5047 | miles
5048 | milk
5049 | millers
5050 | million
5051 | millions
5052 | milta
5053 | min
5054 | mina
5055 | minapn
5056 | mind
5057 | minded
5058 | mindset
5059 | mine
5060 | minecraft
5061 | mini
5062 | minimum
5063 | minmobsmore
5064 | minmobsmorelkpobox177hp51fl
5065 | minmoremobsemspobox45po139wa
5066 | minnaminunginte
5067 | minor
5068 | mins
5069 | mint
5070 | minus
5071 | minute
5072 | minutes
5073 | minuts
5074 | miracle
5075 | mirror
5076 | mis
5077 | misbehaved
5078 | miserable
5079 | misfits
5080 | mising
5081 | misplaced
5082 | miss
5083 | misscall
5084 | missed
5085 | missin
5086 | missing
5087 | missionary
5088 | missions
5089 | misss
5090 | missunderstding
5091 | missy
5092 | mist
5093 | mistake
5094 | mistakes
5095 | misundrstud
5096 | mite
5097 | mitsake
5098 | mittelschmertz
5099 | miwa
5100 | mix
5101 | mj
5102 | mjzgroup
5103 | mk17
5104 | mk45
5105 | ml
5106 | mm
5107 | mmm
5108 | mmmm
5109 | mmmmm
5110 | mmmmmm
5111 | mmmmmmm
5112 | mmsto
5113 | mns
5114 | mnth
5115 | mnths
5116 | mo
5117 | moan
5118 | mob
5119 | mobcudb
5120 | mobile
5121 | mobiles
5122 | mobilesdirect
5123 | mobilesvary
5124 | mobileupd8
5125 | mobno
5126 | mobs
5127 | mobsi
5128 | mobstorequiz10ppm
5129 | moby
5130 | mobypobox734ls27yf
5131 | mode
5132 | model
5133 | modl
5134 | module
5135 | modules
5136 | mofo
5137 | moji
5138 | mojibiola
5139 | mokka
5140 | molested
5141 | mom
5142 | moment
5143 | moments
5144 | moms
5145 | mon
5146 | monday
5147 | mone
5148 | money
5149 | monkeespeople
5150 | monkey
5151 | monkeyaround
5152 | monkeys
5153 | mono
5154 | monoc
5155 | monos
5156 | monster
5157 | month
5158 | monthly
5159 | monthlysubscription
5160 | months
5161 | mood
5162 | moon
5163 | moral
5164 | more
5165 | morefrmmob
5166 | morn
5167 | mornin
5168 | morning
5169 | mornings
5170 | morphine
5171 | morrow
5172 | moseley
5173 | most
5174 | mostly
5175 | mother
5176 | motherfucker
5177 | motivate
5178 | motivating
5179 | motive
5180 | motor
5181 | motorola
5182 | mountain
5183 | mountains
5184 | mouse
5185 | mouth
5186 | move
5187 | moved
5188 | moves
5189 | movie
5190 | movies
5191 | movietrivia
5192 | moving
5193 | mp3
5194 | mquiz
5195 | mr
5196 | mre
5197 | mrng
5198 | mrt
5199 | ms
5200 | msg
5201 | msg150p
5202 | msging
5203 | msgrcvd
5204 | msgrcvd18
5205 | msgrcvdhg
5206 | msgs
5207 | msn
5208 | mt
5209 | mtalk
5210 | mth
5211 | mths
5212 | mtmsg
5213 | mtmsg18
5214 | mtmsgrcvd18
5215 | mtnl
5216 | mu
5217 | muah
5218 | much
5219 | muchand
5220 | muchxxlove
5221 | mudyadhu
5222 | mufti
5223 | muhommad
5224 | muht
5225 | multimedia
5226 | multiply
5227 | multis
5228 | mum
5229 | mumbai
5230 | mumhas
5231 | mummy
5232 | mums
5233 | mumtaz
5234 | mundhe
5235 | munsters
5236 | murali
5237 | murder
5238 | murdered
5239 | murderer
5240 | mus
5241 | mush
5242 | mushy
5243 | music
5244 | musical
5245 | musicnews
5246 | must
5247 | musta
5248 | musthu
5249 | mustprovide
5250 | mutai
5251 | mutations
5252 | muz
5253 | mw
5254 | mwahs
5255 | my
5256 | mycalls
5257 | mylife
5258 | mymoby
5259 | myparents
5260 | mys
5261 | myself
5262 | myspace
5263 | mystery
5264 | n8
5265 | n9dx
5266 | na
5267 | naal
5268 | nachos
5269 | nag
5270 | nagar
5271 | nah
5272 | nahi
5273 | nails
5274 | naked
5275 | nalla
5276 | nalli
5277 | name
5278 | name1
5279 | name2
5280 | named
5281 | names
5282 | nammanna
5283 | namous
5284 | nan
5285 | nange
5286 | nanny
5287 | nannys
5288 | nap
5289 | narcotics
5290 | nasdaq
5291 | naseeb
5292 | nasty
5293 | nat
5294 | nat27081980
5295 | natalie
5296 | natalie2k9
5297 | natalja
5298 | national
5299 | nationwide
5300 | nattil
5301 | natural
5302 | nature
5303 | natwest
5304 | naughty
5305 | nauseous
5306 | nav
5307 | navigate
5308 | nb
5309 | nbme
5310 | nd
5311 | ndship
5312 | ne
5313 | near
5314 | nearby
5315 | nearer
5316 | nearly
5317 | necesity
5318 | necessarily
5319 | necessary
5320 | necessity
5321 | neck
5322 | necklace
5323 | ned
5324 | need
5325 | needa
5326 | needed
5327 | needing
5328 | needle
5329 | needs
5330 | needy
5331 | neekunna
5332 | neft
5333 | negative
5334 | neglect
5335 | neglet
5336 | neighbor
5337 | neighbors
5338 | neighbour
5339 | neither
5340 | nelson
5341 | neo69
5342 | nervous
5343 | neshanth
5344 | net
5345 | netcollex
5346 | netflix
5347 | nething
5348 | netun
5349 | netvision
5350 | network
5351 | networking
5352 | networks
5353 | neva
5354 | nevamind
5355 | never
5356 | nevering
5357 | neville
5358 | nevr
5359 | new
5360 | neway
5361 | newest
5362 | newport
5363 | newquay
5364 | news
5365 | newscaster
5366 | newsletter
5367 | newspapers
5368 | next
5369 | nhs
5370 | ni8
5371 | nic
5372 | nice
5373 | nichols
5374 | nick
5375 | nickey
5376 | nicky
5377 | nig
5378 | nigeria
5379 | nigh
5380 | night
5381 | nighters
5382 | nightnight
5383 | nights
5384 | nigpun
5385 | nigro
5386 | nike
5387 | nikiyu4
5388 | nimbomsons
5389 | nimya
5390 | ninish
5391 | nino
5392 | nipost
5393 | nit
5394 | nite
5395 | nitro
5396 | nitros
5397 | nitw
5398 | nitz
5399 | njan
5400 | nmde
5401 | no
5402 | no1
5403 | nobbing
5404 | nobody
5405 | noe
5406 | noi
5407 | noice
5408 | noise
5409 | noisy
5410 | nok
5411 | nokia
5412 | nokia6600
5413 | nokia6650
5414 | nokias
5415 | noline
5416 | non
5417 | noncomittal
5418 | none
5419 | nonetheless
5420 | nookii
5421 | noon
5422 | nooooooo
5423 | noooooooo
5424 | nope
5425 | nor
5426 | nora
5427 | norcorp
5428 | nordstrom
5429 | norm
5430 | norm150p
5431 | normal
5432 | normally
5433 | north
5434 | northampton
5435 | nos
5436 | nose
5437 | nosh
5438 | nosy
5439 | not
5440 | note
5441 | notebook
5442 | notes
5443 | nothin
5444 | nothing
5445 | notice
5446 | notifications
5447 | notified
5448 | notixiquating
5449 | nottingham
5450 | notxt
5451 | noun
5452 | novelty
5453 | november
5454 | now
5455 | now1
5456 | nowadays
5457 | nowhere
5458 | noworriesloans
5459 | nr31
5460 | nri
5461 | nt
5462 | nte
5463 | ntimate
5464 | ntt
5465 | ntwk
5466 | nuclear
5467 | nudist
5468 | nuerologist
5469 | num
5470 | number
5471 | numbers
5472 | nursery
5473 | nurses
5474 | nurungu
5475 | nus
5476 | nusstu
5477 | nuther
5478 | nutter
5479 | nver
5480 | nvm
5481 | nvq
5482 | nw
5483 | nxt
5484 | ny
5485 | nyc
5486 | nydc
5487 | nyt
5488 | nytho
5489 | nz
5490 | nìte
5491 | o2
5492 | o2fwd
5493 | oath
5494 | obedient
5495 | obese
5496 | obey
5497 | objection
5498 | oble
5499 | oblisingately
5500 | oblivious
5501 | obviously
5502 | occasion
5503 | occupied
5504 | occupy
5505 | occur
5506 | occurs
5507 | ocean
5508 | oclock
5509 | october
5510 | odalebeku
5511 | odi
5512 | of
5513 | ofcourse
5514 | off
5515 | offc
5516 | offcampus
5517 | offdam
5518 | offense
5519 | offer
5520 | offered
5521 | offering
5522 | offers
5523 | office
5524 | officer
5525 | official
5526 | officially
5527 | offline
5528 | ofice
5529 | ofsi
5530 | ofstuff
5531 | often
5532 | oga
5533 | ogunrinde
5534 | oh
5535 | oi
5536 | oic
5537 | oil
5538 | oja
5539 | ok
5540 | okay
5541 | okday
5542 | okden
5543 | okey
5544 | okie
5545 | okies
5546 | okmail
5547 | okors
5548 | ola
5549 | olage
5550 | olave
5551 | olayiwola
5552 | old
5553 | oli
5554 | ollu
5555 | olol
5556 | olowoyey
5557 | olympics
5558 | omg
5559 | omw
5560 | on
5561 | onam
5562 | onbus
5563 | oncall
5564 | once
5565 | ondu
5566 | one
5567 | ones
5568 | oni
5569 | onion
5570 | online
5571 | onluy
5572 | only
5573 | only1more
5574 | onlyfound
5575 | onto
5576 | onum
5577 | onwards
5578 | onwords
5579 | ooh
5580 | oooh
5581 | oooooh
5582 | ooooooh
5583 | oops
5584 | open
5585 | opened
5586 | opener
5587 | openin
5588 | opening
5589 | openings
5590 | operate
5591 | operator
5592 | opinion
5593 | opinions
5594 | opponenter
5595 | opportunity
5596 | opposed
5597 | opposite
5598 | opps
5599 | opt
5600 | opted
5601 | optimistic
5602 | optin
5603 | option
5604 | optout
5605 | or
5606 | or2optout
5607 | or2stoptxt
5608 | oral
5609 | orange
5610 | oranges
5611 | orc
5612 | orchard
5613 | order
5614 | ordered
5615 | ordinator
5616 | ore
5617 | oredi
5618 | oreo
5619 | oreos
5620 | org
5621 | organise
5622 | organizer
5623 | orh
5624 | orig
5625 | original
5626 | orno
5627 | ors
5628 | ortxt
5629 | oru
5630 | os
5631 | oscar
5632 | oso
5633 | otbox
5634 | other
5635 | others
5636 | otherwise
5637 | othrs
5638 | othrwise
5639 | otside
5640 | ou
5641 | ouch
5642 | our
5643 | ourbacks
5644 | ours
5645 | out
5646 | outage
5647 | outages
5648 | outbid
5649 | outdoors
5650 | outfit
5651 | outfor
5652 | outgoing
5653 | outl8r
5654 | outrageous
5655 | outreach
5656 | outs
5657 | outside
5658 | outsider
5659 | outsomewhere
5660 | outstanding
5661 | outta
5662 | ovarian
5663 | oveable
5664 | over
5665 | overa
5666 | overdid
5667 | overdose
5668 | overemphasise
5669 | overheating
5670 | overtime
5671 | ovr
5672 | ovulate
5673 | ovulation
5674 | ow
5675 | owe
5676 | owed
5677 | owl
5678 | own
5679 | owned
5680 | owns
5681 | owo
5682 | oxygen
5683 | oyea
5684 | oyster
5685 | oz
5686 | pa
5687 | paces
5688 | pack
5689 | package
5690 | packing
5691 | packs
5692 | padhe
5693 | page
5694 | pages
5695 | pai
5696 | paid
5697 | pain
5698 | painful
5699 | paining
5700 | painting
5701 | pairs
5702 | pale
5703 | palm
5704 | pan
5705 | panalam
5706 | panasonic
5707 | pandy
5708 | panic
5709 | panicks
5710 | panren
5711 | pansy
5712 | panther
5713 | panties
5714 | pants
5715 | pap
5716 | papa
5717 | paper
5718 | papers
5719 | paperwork
5720 | paracetamol
5721 | parachute
5722 | parade
5723 | paragon
5724 | paragraphs
5725 | paranoid
5726 | parantella
5727 | parchi
5728 | parco
5729 | parent
5730 | parents
5731 | paris
5732 | parish
5733 | park
5734 | parked
5735 | parkin
5736 | parking
5737 | part
5738 | participate
5739 | particular
5740 | particularly
5741 | parties
5742 | partner
5743 | partnership
5744 | parts
5745 | party
5746 | paru
5747 | pases
5748 | pass
5749 | passable
5750 | passed
5751 | passes
5752 | passion
5753 | passionate
5754 | passport
5755 | password
5756 | passwords
5757 | past
5758 | pataistha
5759 | patent
5760 | path
5761 | pathaya
5762 | paths
5763 | patients
5764 | patrick
5765 | pattern
5766 | patty
5767 | paul
5768 | pause
5769 | pavanaputra
5770 | pax
5771 | pay
5772 | payasam
5773 | payback
5774 | payed
5775 | payed2day
5776 | payee
5777 | paying
5778 | payment
5779 | payments
5780 | payoh
5781 | paypal
5782 | pc
5783 | pc1323
5784 | pdate_now
5785 | peace
5786 | peaceful
5787 | peach
5788 | peak
5789 | pears
5790 | pee
5791 | peeps
5792 | pehle
5793 | pei
5794 | pen
5795 | pence
5796 | pendent
5797 | pending
5798 | penis
5799 | penny
5800 | people
5801 | peoples
5802 | per
5803 | percent
5804 | percentages
5805 | perf
5806 | perfect
5807 | perform
5808 | performance
5809 | performed
5810 | perfume
5811 | perhaps
5812 | peril
5813 | period
5814 | peripherals
5815 | permanent
5816 | permission
5817 | permissions
5818 | perpetual
5819 | persevered
5820 | persian
5821 | persolvo
5822 | person
5823 | person2die
5824 | personal
5825 | personality
5826 | personally
5827 | persons
5828 | perspective
5829 | pert
5830 | perumbavoor
5831 | pesky
5832 | pest
5833 | pete
5834 | petexxx
5835 | petey
5836 | petrol
5837 | petticoatdreams
5838 | pg
5839 | ph
5840 | pharmacy
5841 | phasing
5842 | phb1
5843 | phd
5844 | phews
5845 | phil
5846 | philosophical
5847 | philosophy
5848 | phne
5849 | phoenix
5850 | phone
5851 | phone750
5852 | phonebook
5853 | phoned
5854 | phones
5855 | phony
5856 | photo
5857 | photos
5858 | photoshop
5859 | php
5860 | phrase
5861 | phyhcmk
5862 | physics
5863 | piah
5864 | pic
5865 | pick
5866 | picked
5867 | picking
5868 | pickle
5869 | pics
5870 | picsfree1
5871 | picture
5872 | pictures
5873 | pie
5874 | piece
5875 | pieces
5876 | pierre
5877 | pig
5878 | piggy
5879 | pilates
5880 | pile
5881 | pillows
5882 | pimples
5883 | pin
5884 | pink
5885 | pints
5886 | pisces
5887 | piss
5888 | pissed
5889 | pist
5890 | pity
5891 | pix
5892 | pixels
5893 | pizza
5894 | pl
5895 | place
5896 | placed
5897 | placement
5898 | places
5899 | plaid
5900 | plan
5901 | plane
5902 | planet
5903 | planettalkinstant
5904 | planned
5905 | planning
5906 | plans
5907 | plate
5908 | platt
5909 | play
5910 | played
5911 | player
5912 | players
5913 | playin
5914 | playing
5915 | playng
5916 | plaza
5917 | pleasant
5918 | please
5919 | pleased
5920 | pleassssssseeeeee
5921 | pleasure
5922 | pleasured
5923 | plenty
5924 | plm
5925 | ploughing
5926 | pls
5927 | plum
5928 | plumbers
5929 | plumbing
5930 | plural
5931 | plus
5932 | plyr
5933 | plz
5934 | pm
5935 | pmt
5936 | po
5937 | po19
5938 | pobox
5939 | pobox1
5940 | pobox114
5941 | pobox12n146tf15
5942 | pobox12n146tf150p
5943 | pobox202
5944 | pobox334
5945 | pobox36504w45wq
5946 | pobox365o4w45wq
5947 | pobox45w2tg150p
5948 | pobox75ldns7
5949 | pobox84
5950 | poboxox36504w45wq
5951 | pocay
5952 | pocked
5953 | pocketbabe
5954 | pockets
5955 | pocy
5956 | pod
5957 | poem
5958 | poet
5959 | point
5960 | points
5961 | poker
5962 | poking
5963 | pokkiri
5964 | pole
5965 | police
5966 | politicians
5967 | polo
5968 | poly
5969 | poly3
5970 | polyc
5971 | polyh
5972 | polyph
5973 | polyphonic
5974 | polys
5975 | pongal
5976 | ponnungale
5977 | poo
5978 | pooja
5979 | pookie
5980 | pool
5981 | poop
5982 | poor
5983 | poorly
5984 | poortiyagi
5985 | pop
5986 | popcorn
5987 | popped
5988 | popping
5989 | porn
5990 | porridge
5991 | port
5992 | portal
5993 | portege
5994 | portions
5995 | pos
5996 | pose
5997 | posh
5998 | posible
5999 | position
6000 | positions
6001 | positive
6002 | possession
6003 | possessive
6004 | possessiveness
6005 | possibility
6006 | possible
6007 | possibly
6008 | post
6009 | postal
6010 | postcard
6011 | postcode
6012 | posted
6013 | posting
6014 | postponed
6015 | posts
6016 | potato
6017 | potential
6018 | potter
6019 | pouch
6020 | pound
6021 | pounded
6022 | pounds
6023 | poured
6024 | pours
6025 | pouts
6026 | power
6027 | powerful
6028 | poyyarikatur
6029 | ppl
6030 | pple
6031 | ppm
6032 | ppm150
6033 | ppt150x3
6034 | prabha
6035 | prabu
6036 | pract
6037 | practical
6038 | practice
6039 | practicing
6040 | practicum
6041 | practising
6042 | praises
6043 | prakasam
6044 | prakasamanu
6045 | prakesh
6046 | praps
6047 | prasad
6048 | prasanth
6049 | prashanthettan
6050 | praveesh
6051 | pray
6052 | prayers
6053 | praying
6054 | prayrs
6055 | pre
6056 | predict
6057 | predicte
6058 | predicting
6059 | prediction
6060 | predictive
6061 | prefer
6062 | preferably
6063 | prem
6064 | premarica
6065 | premier
6066 | premium
6067 | prepaid
6068 | prepare
6069 | prepared
6070 | prepayment
6071 | preponed
6072 | preschoolco
6073 | prescribed
6074 | prescripiton
6075 | prescription
6076 | presence
6077 | present
6078 | presents
6079 | president
6080 | presleys
6081 | presnts
6082 | press
6083 | pressies
6084 | pressure
6085 | prestige
6086 | pretend
6087 | pretsorginta
6088 | pretsovru
6089 | pretty
6090 | prevent
6091 | previews
6092 | previous
6093 | previously
6094 | prey
6095 | price
6096 | prices
6097 | pride
6098 | priest
6099 | prin
6100 | prince
6101 | princes
6102 | princess
6103 | print
6104 | printed
6105 | printer
6106 | printing
6107 | prior
6108 | priority
6109 | priscilla
6110 | privacy
6111 | private
6112 | prix
6113 | priya
6114 | prize
6115 | prizeawaiting
6116 | prizes
6117 | prizeswith
6118 | pro
6119 | prob
6120 | probably
6121 | problem
6122 | problematic
6123 | problems
6124 | problms
6125 | problum
6126 | probpop
6127 | probs
6128 | probthat
6129 | process
6130 | processed
6131 | prods
6132 | products
6133 | prof
6134 | professional
6135 | professors
6136 | profile
6137 | profiles
6138 | profit
6139 | program
6140 | programs
6141 | progress
6142 | project
6143 | projects
6144 | prolly
6145 | prometazine
6146 | prominent
6147 | promise
6148 | promised
6149 | promises
6150 | promo
6151 | promoting
6152 | promotion
6153 | promptly
6154 | prompts
6155 | prone
6156 | proof
6157 | proove
6158 | proper
6159 | properly
6160 | property
6161 | propose
6162 | props
6163 | propsd
6164 | pros
6165 | prospects
6166 | protect
6167 | prove
6168 | proverb
6169 | provided
6170 | provider
6171 | providing
6172 | province
6173 | proze
6174 | prsn
6175 | ps
6176 | ps3
6177 | pshew
6178 | psp
6179 | psxtra
6180 | psychiatrist
6181 | psychic
6182 | psychologist
6183 | pt2
6184 | ptbo
6185 | pthis
6186 | pub
6187 | public
6188 | publish
6189 | pubs
6190 | pudunga
6191 | pull
6192 | pulling
6193 | pulls
6194 | pump
6195 | punch
6196 | punish
6197 | punishment
6198 | punj
6199 | punto
6200 | puppy
6201 | pura
6202 | purchase
6203 | purchases
6204 | pure
6205 | purity
6206 | purple
6207 | purpose
6208 | purse
6209 | push
6210 | pushbutton
6211 | pushes
6212 | pussy
6213 | put
6214 | puts
6215 | puttin
6216 | putting
6217 | puzzeles
6218 | puzzles
6219 | px3748
6220 | qatar
6221 | qbank
6222 | qet
6223 | qi
6224 | qing
6225 | qjkgighjjgcbl
6226 | qlynnbv
6227 | quality
6228 | quarter
6229 | que
6230 | queen
6231 | queries
6232 | ques
6233 | question
6234 | questioned
6235 | questions
6236 | quick
6237 | quickly
6238 | quiet
6239 | quit
6240 | quite
6241 | quiteamuzing
6242 | quitting
6243 | quiz
6244 | quizclub
6245 | quizzes
6246 | quote
6247 | quoting
6248 | r836
6249 | racal
6250 | racing
6251 | radiator
6252 | radio
6253 | raed
6254 | rael
6255 | raglan
6256 | rahul
6257 | raiden
6258 | railway
6259 | rain
6260 | raining
6261 | raise
6262 | raised
6263 | raj
6264 | rajas
6265 | raji
6266 | rajini
6267 | rajitha
6268 | rajnikant
6269 | rakhesh
6270 | raksha
6271 | rally
6272 | ralphs
6273 | ramaduth
6274 | ramen
6275 | ran
6276 | random
6277 | randomlly
6278 | randomly
6279 | randy
6280 | rang
6281 | range
6282 | ranjith
6283 | ranju
6284 | raping
6285 | rate
6286 | rates
6287 | rather
6288 | ratio
6289 | rats
6290 | raviyog
6291 | rawring
6292 | rayan
6293 | rayman
6294 | rays
6295 | rcb
6296 | rcd
6297 | rct
6298 | rcv
6299 | rcvd
6300 | rd
6301 | rdy
6302 | re
6303 | reach
6304 | reache
6305 | reached
6306 | reaching
6307 | reacting
6308 | reaction
6309 | read
6310 | readers
6311 | readiness
6312 | reading
6313 | ready
6314 | real
6315 | real1
6316 | realise
6317 | realised
6318 | realising
6319 | reality
6320 | realize
6321 | realized
6322 | realizes
6323 | really
6324 | reallyneed
6325 | realy
6326 | reapply
6327 | rearrange
6328 | reason
6329 | reasonable
6330 | reasons
6331 | reassurance
6332 | reassuring
6333 | rebel
6334 | reboot
6335 | rebooting
6336 | rebtel
6337 | rec
6338 | recd
6339 | receipt
6340 | receipts
6341 | receive
6342 | receivea
6343 | received
6344 | receiving
6345 | recent
6346 | recently
6347 | reception
6348 | recession
6349 | recharge
6350 | recharged
6351 | recieve
6352 | reckon
6353 | recognise
6354 | recognises
6355 | record
6356 | recorded
6357 | recorder
6358 | records
6359 | recount
6360 | recovery
6361 | recpt
6362 | recreation
6363 | recycling
6364 | red
6365 | redeemable
6366 | redeemed
6367 | reduce
6368 | ree
6369 | ref
6370 | reference
6371 | references
6372 | referin
6373 | reffering
6374 | refilled
6375 | reflection
6376 | reflex
6377 | reformat
6378 | refreshed
6379 | refund
6380 | refunded
6381 | refused
6382 | reg
6383 | regalportfolio
6384 | regard
6385 | regarding
6386 | regards
6387 | register
6388 | registered
6389 | registration
6390 | regret
6391 | regretted
6392 | regular
6393 | rejected
6394 | related
6395 | relation
6396 | relationship
6397 | relatives
6398 | relax
6399 | relaxing
6400 | released
6401 | reliant
6402 | relieved
6403 | religiously
6404 | relocate
6405 | reltnship
6406 | rem
6407 | remain
6408 | remains
6409 | remb
6410 | remember
6411 | remembered
6412 | rememberi
6413 | remembr
6414 | remembrs
6415 | remind
6416 | reminded
6417 | reminder
6418 | reminding
6419 | reminds
6420 | remixed
6421 | removal
6422 | remove
6423 | removed
6424 | rencontre
6425 | renewal
6426 | renewed
6427 | renewing
6428 | rent
6429 | rental
6430 | renting
6431 | rentl
6432 | rents
6433 | repair
6434 | repairs
6435 | repeat
6436 | repeating
6437 | repent
6438 | replace
6439 | replacement
6440 | replacing
6441 | replied
6442 | replies
6443 | reply
6444 | replying
6445 | replys150
6446 | report
6447 | reppurcussions
6448 | representative
6449 | republic
6450 | request
6451 | requests
6452 | require
6453 | required
6454 | requirements
6455 | requires
6456 | research
6457 | resend
6458 | resent
6459 | reservations
6460 | reserve
6461 | reserved
6462 | reserves
6463 | reset
6464 | residency
6465 | resizing
6466 | reslove
6467 | resolution
6468 | resolved
6469 | resort
6470 | respect
6471 | respectful
6472 | responce
6473 | respond
6474 | responding
6475 | response
6476 | responsibilities
6477 | responsibility
6478 | responsible
6479 | rest
6480 | restaurant
6481 | restock
6482 | restocked
6483 | restrict
6484 | restrictions
6485 | resubbing
6486 | resubmit
6487 | result
6488 | results
6489 | resume
6490 | resuming
6491 | retard
6492 | retired
6493 | retrieve
6494 | return
6495 | returned
6496 | returning
6497 | returns
6498 | reunion
6499 | reveal
6500 | revealed
6501 | revealing
6502 | reverse
6503 | review
6504 | revision
6505 | reward
6506 | rewarding
6507 | rg21
6508 | rgds
6509 | rgent
6510 | rhode
6511 | rhythm
6512 | rice
6513 | rich
6514 | riddance
6515 | ridden
6516 | ride
6517 | right
6518 | rightio
6519 | rightly
6520 | rights
6521 | riley
6522 | rimac
6523 | ring
6524 | ringing
6525 | rings
6526 | ringtone
6527 | ringtoneking
6528 | ringtones
6529 | rinu
6530 | rip
6531 | ripped
6532 | rise
6533 | risk
6534 | risks
6535 | rite
6536 | ritten
6537 | river
6538 | road
6539 | roads
6540 | roast
6541 | rob
6542 | robinson
6543 | robs
6544 | rock
6545 | rocking
6546 | rocks
6547 | rodds1
6548 | rodger
6549 | rofl
6550 | roger
6551 | role
6552 | roles
6553 | rolled
6554 | roller
6555 | romantic
6556 | romcapspam
6557 | ron
6558 | room
6559 | roomate
6560 | roommate
6561 | roommates
6562 | rooms
6563 | ros
6564 | rose
6565 | roses
6566 | rough
6567 | round
6568 | rounder
6569 | rounds
6570 | route
6571 | row
6572 | rowdy
6573 | rows
6574 | royal
6575 | rp176781
6576 | rpl
6577 | rply
6578 | rr
6579 | rs
6580 | rstm
6581 | rt
6582 | rtf
6583 | rtm
6584 | rto
6585 | ru
6586 | rub
6587 | rubber
6588 | rude
6589 | rudi
6590 | rugby
6591 | ruin
6592 | ruining
6593 | rule
6594 | rules
6595 | rum
6596 | rumbling
6597 | rummer
6598 | rumour
6599 | run
6600 | running
6601 | runs
6602 | rupaul
6603 | rush
6604 | rushing
6605 | ruthful
6606 | rv
6607 | rvx
6608 | rwm
6609 | ryan
6610 | ryder
6611 | s3xy
6612 | s89
6613 | sabarish
6614 | sac
6615 | sachin
6616 | sack
6617 | sacked
6618 | sacrifice
6619 | sad
6620 | sae
6621 | saeed
6622 | safe
6623 | safely
6624 | safety
6625 | sagamu
6626 | saibaba
6627 | said
6628 | sake
6629 | salad
6630 | salam
6631 | salary
6632 | sale
6633 | sales
6634 | salesman
6635 | sall
6636 | salmon
6637 | salon
6638 | salt
6639 | sam
6640 | samachara
6641 | samantha
6642 | sambar
6643 | same
6644 | samus
6645 | sandiago
6646 | sane
6647 | sang
6648 | sankatmochan
6649 | sankranti
6650 | santa
6651 | santacalling
6652 | sao
6653 | sapna
6654 | sar
6655 | sara
6656 | sarasota
6657 | sarcasm
6658 | sarcastic
6659 | saristar
6660 | sariyag
6661 | sary
6662 | sashimi
6663 | sat
6664 | satanic
6665 | sathy
6666 | sathya
6667 | satisfied
6668 | satisfy
6669 | satsgettin
6670 | satthen
6671 | saturday
6672 | saucy
6673 | sausage
6674 | savamob
6675 | save
6676 | saved
6677 | saves
6678 | savings
6679 | saw
6680 | say
6681 | sayhey
6682 | sayin
6683 | saying
6684 | says
6685 | sayy
6686 | sc
6687 | scallies
6688 | scammers
6689 | scarcasim
6690 | scared
6691 | scary
6692 | scenario
6693 | scenery
6694 | sch
6695 | schedule
6696 | school
6697 | schools
6698 | science
6699 | scold
6700 | scool
6701 | scorable
6702 | score
6703 | scores
6704 | scoring
6705 | scotch
6706 | scotland
6707 | scotsman
6708 | scouse
6709 | scraped
6710 | scrappy
6711 | scratches
6712 | scratching
6713 | scream
6714 | screamed
6715 | screaming
6716 | screen
6717 | screwd
6718 | scrounge
6719 | scrumptious
6720 | sculpture
6721 | sd
6722 | sday
6723 | sdryb8i
6724 | se
6725 | sea
6726 | search
6727 | searching
6728 | season
6729 | seat
6730 | sec
6731 | second
6732 | secondary
6733 | seconds
6734 | secret
6735 | secretary
6736 | secretly
6737 | secrets
6738 | secs
6739 | section
6740 | sections
6741 | secure
6742 | secured
6743 | sed
6744 | see
6745 | seeds
6746 | seeing
6747 | seekers
6748 | seeking
6749 | seem
6750 | seemed
6751 | seems
6752 | seen
6753 | sef
6754 | seh
6755 | sehwag
6756 | seing
6757 | select
6758 | selected
6759 | selection
6760 | self
6761 | selfindependence
6762 | selfish
6763 | selflessness
6764 | sell
6765 | selling
6766 | sells
6767 | sem
6768 | semester
6769 | semi
6770 | semiobscure
6771 | sen
6772 | send
6773 | sender
6774 | sending
6775 | sends
6776 | senor
6777 | senrd
6778 | sense
6779 | senses
6780 | sensible
6781 | sensitive
6782 | sent
6783 | sentence
6784 | senthil
6785 | sentiment
6786 | seperated
6787 | sept
6788 | september
6789 | serena
6790 | series
6791 | serious
6792 | seriously
6793 | served
6794 | server
6795 | service
6796 | services
6797 | serving
6798 | servs
6799 | set
6800 | setting
6801 | settings
6802 | settle
6803 | settled
6804 | settling
6805 | seven
6806 | seventeen
6807 | several
6808 | sex
6809 | sexiest
6810 | sextextuk
6811 | sexual
6812 | sexy
6813 | sexychat
6814 | sez
6815 | sf
6816 | sg
6817 | sh
6818 | sha
6819 | shade
6820 | shadow
6821 | shag
6822 | shagged
6823 | shah
6824 | shahjahan
6825 | shakara
6826 | shake
6827 | shakespeare
6828 | shaking
6829 | shall
6830 | shame
6831 | shampain
6832 | shangela
6833 | shanghai
6834 | shanil
6835 | shant
6836 | shaping
6837 | share
6838 | shared
6839 | sharing
6840 | shattered
6841 | shaved
6842 | shb
6843 | shd
6844 | she
6845 | sheet
6846 | sheets
6847 | sheffield
6848 | shelf
6849 | shell
6850 | shelves
6851 | sherawat
6852 | shes
6853 | shesil
6854 | shexy
6855 | shhhhh
6856 | shifad
6857 | shijas
6858 | shijutta
6859 | shinco
6860 | shindig
6861 | shining
6862 | shiny
6863 | ship
6864 | shipped
6865 | shipping
6866 | shirt
6867 | shirts
6868 | shit
6869 | shite
6870 | shitin
6871 | shitinnit
6872 | shitload
6873 | shitstorm
6874 | shivratri
6875 | shld
6876 | shldxxxx
6877 | shock
6878 | shocking
6879 | shoes
6880 | shola
6881 | shoot
6882 | shop
6883 | shoppin
6884 | shopping
6885 | shoranur
6886 | shore
6887 | short
6888 | shortage
6889 | shortbreaks
6890 | shortcode
6891 | shorter
6892 | shortly
6893 | shorts
6894 | shot
6895 | shoul
6896 | should
6897 | shoulders
6898 | shouldn
6899 | shouted
6900 | shouting
6901 | shove
6902 | shoving
6903 | show
6904 | showed
6905 | shower
6906 | showered
6907 | showers
6908 | showing
6909 | showr
6910 | showrooms
6911 | shows
6912 | shracomorsglsuplt
6913 | shrek
6914 | shrink
6915 | shrub
6916 | shsex
6917 | shu
6918 | shud
6919 | shudvetold
6920 | shuhui
6921 | shun
6922 | shut
6923 | shy
6924 | si
6925 | sian
6926 | sib
6927 | sic
6928 | sick
6929 | sickness
6930 | side
6931 | sigh
6932 | sighs
6933 | sight
6934 | sign
6935 | signal
6936 | significance
6937 | significant
6938 | signin
6939 | signing
6940 | siguviri
6941 | silence
6942 | silent
6943 | silently
6944 | silly
6945 | silver
6946 | sim
6947 | simonwatson5120
6948 | simple
6949 | simpler
6950 | simply
6951 | simpsons
6952 | simulate
6953 | since
6954 | sinco
6955 | sindu
6956 | sing
6957 | singapore
6958 | singing
6959 | single
6960 | singles
6961 | sink
6962 | sip
6963 | sipix
6964 | sips
6965 | sir
6966 | sirji
6967 | sis
6968 | sister
6969 | sisters
6970 | sit
6971 | site
6972 | sitll
6973 | sitter
6974 | sittin
6975 | sitting
6976 | situation
6977 | situations
6978 | siva
6979 | six
6980 | size
6981 | sized
6982 | sk3
6983 | sk38xh
6984 | skateboarding
6985 | skilgme
6986 | skillgame
6987 | skills
6988 | skinny
6989 | skins
6990 | skint
6991 | skip
6992 | skirt
6993 | sky
6994 | skye
6995 | skype
6996 | skyped
6997 | skyving
6998 | slaaaaave
6999 | slacking
7000 | slap
7001 | slave
7002 | sleep
7003 | sleepin
7004 | sleeping
7005 | sleepingwith
7006 | sleeps
7007 | sleepwell
7008 | sleepy
7009 | slept
7010 | slice
7011 | slices
7012 | slide
7013 | sliding
7014 | slightly
7015 | slip
7016 | slippers
7017 | slippery
7018 | slo
7019 | slob
7020 | slots
7021 | slovely
7022 | slow
7023 | slower
7024 | slowing
7025 | slowly
7026 | slp
7027 | slurp
7028 | smacks
7029 | small
7030 | smaller
7031 | smart
7032 | smartcall
7033 | smarter
7034 | smash
7035 | smashed
7036 | smear
7037 | smell
7038 | smells
7039 | smeone
7040 | smidgin
7041 | smile
7042 | smiled
7043 | smiles
7044 | smiley
7045 | smiling
7046 | smith
7047 | smoke
7048 | smoked
7049 | smokes
7050 | smokin
7051 | smoking
7052 | smoothly
7053 | sms
7054 | smsco
7055 | smsing
7056 | smsrewards
7057 | smsservices
7058 | smth
7059 | sn
7060 | snake
7061 | snap
7062 | snappy
7063 | snatch
7064 | snd
7065 | sneham
7066 | snickering
7067 | snogs
7068 | snoring
7069 | snot
7070 | snow
7071 | snowball
7072 | snowboarding
7073 | snowman
7074 | snuggles
7075 | so
7076 | soc
7077 | sochte
7078 | social
7079 | sofa
7080 | soft
7081 | software
7082 | soil
7083 | soiree
7084 | sol
7085 | soladha
7086 | sold
7087 | solihull
7088 | solve
7089 | solved
7090 | some
7091 | some1
7092 | somebody
7093 | someday
7094 | someone
7095 | someonone
7096 | someplace
7097 | somerset
7098 | sometext
7099 | somethin
7100 | something
7101 | sometime
7102 | sometimes
7103 | sometme
7104 | somewhat
7105 | somewhere
7106 | somewheresomeone
7107 | somewhr
7108 | somone
7109 | somtimes
7110 | sonathaya
7111 | sonetimes
7112 | song
7113 | songs
7114 | sony
7115 | sonyericsson
7116 | soo
7117 | soon
7118 | sooner
7119 | soonlots
7120 | sooo
7121 | soooo
7122 | sooooo
7123 | sophas
7124 | sore
7125 | sorrow
7126 | sorrows
7127 | sorry
7128 | sort
7129 | sorta
7130 | sorted
7131 | sorting
7132 | sorts
7133 | sory
7134 | soryda
7135 | sos
7136 | soul
7137 | sound
7138 | sounding
7139 | sounds
7140 | soundtrack
7141 | soup
7142 | source
7143 | sources
7144 | south
7145 | southern
7146 | souveniers
7147 | soz
7148 | sozi
7149 | sp
7150 | space
7151 | spacebucks
7152 | spaces
7153 | spageddies
7154 | spain
7155 | spam
7156 | spanish
7157 | spare
7158 | spares
7159 | spark
7160 | sparkling
7161 | spatula
7162 | speak
7163 | speaking
7164 | special
7165 | speciale
7166 | specialisation
7167 | specialise
7168 | specially
7169 | specific
7170 | specify
7171 | specs
7172 | speechless
7173 | speed
7174 | speedchat
7175 | speeding
7176 | speling
7177 | spell
7178 | spelled
7179 | spelling
7180 | spend
7181 | spending
7182 | spent
7183 | sphosting
7184 | spice
7185 | spider
7186 | spiffing
7187 | spile
7188 | spin
7189 | spinout
7190 | spiral
7191 | spirit
7192 | spiritual
7193 | spjanuary
7194 | spk
7195 | spl
7196 | splash
7197 | splashmobile
7198 | splat
7199 | splendid
7200 | split
7201 | splleing
7202 | spoil
7203 | spoiled
7204 | spoilt
7205 | spoke
7206 | spoken
7207 | sponsors
7208 | spontaneously
7209 | spook
7210 | spoon
7211 | spoons
7212 | sporadically
7213 | sport
7214 | sports
7215 | sportsx
7216 | spose
7217 | spot
7218 | spotty
7219 | spouse
7220 | sppok
7221 | spreadsheet
7222 | spree
7223 | spring
7224 | springs
7225 | sprint
7226 | sptv
7227 | spun
7228 | spys
7229 | sq825
7230 | squatting
7231 | squeeeeeze
7232 | squeezed
7233 | squid
7234 | squishy
7235 | srs
7236 | srsly
7237 | srt
7238 | sry
7239 | st
7240 | stability
7241 | stable
7242 | stadium
7243 | staff
7244 | stage
7245 | stagwood
7246 | stairs
7247 | stalk
7248 | stalking
7249 | stamped
7250 | stamps
7251 | stand
7252 | standard
7253 | standing
7254 | stands
7255 | stapati
7256 | star
7257 | starer
7258 | staring
7259 | starring
7260 | stars
7261 | starshine
7262 | start
7263 | started
7264 | starting
7265 | starts
7266 | starve
7267 | starving
7268 | starwars3
7269 | stash
7270 | stated
7271 | statement
7272 | statements
7273 | station
7274 | status
7275 | stay
7276 | stayed
7277 | stayin
7278 | staying
7279 | stays
7280 | std
7281 | stdtxtrate
7282 | steak
7283 | steal
7284 | stealing
7285 | steam
7286 | steamboat
7287 | steed
7288 | steering
7289 | step
7290 | steps
7291 | stereo
7292 | stereophonics
7293 | sterling
7294 | sterm
7295 | steve
7296 | stewartsize
7297 | steyn
7298 | sth
7299 | stick
7300 | sticky
7301 | stifled
7302 | stil
7303 | still
7304 | stink
7305 | stitch
7306 | stock
7307 | stocked
7308 | stockport
7309 | stolen
7310 | stomach
7311 | stomps
7312 | stone
7313 | stoners
7314 | stones
7315 | stool
7316 | stop
7317 | stop2
7318 | stop2stop
7319 | stopbcm
7320 | stopcost
7321 | stopcs
7322 | stopped
7323 | stops
7324 | stopsms
7325 | stoptxtstop
7326 | store
7327 | stores
7328 | stories
7329 | storming
7330 | story
7331 | str
7332 | str8
7333 | straight
7334 | strain
7335 | strange
7336 | stranger
7337 | stream
7338 | street
7339 | stress
7340 | stressed
7341 | stressful
7342 | stressfull
7343 | stretch
7344 | strewn
7345 | strict
7346 | strike
7347 | strings
7348 | strip
7349 | stripes
7350 | strips
7351 | strokes
7352 | strong
7353 | strongly
7354 | strt
7355 | strtd
7356 | struggling
7357 | sts
7358 | stu
7359 | stubborn
7360 | stuck
7361 | studdying
7362 | student
7363 | studentfinancial
7364 | students
7365 | studies
7366 | studio
7367 | study
7368 | studying
7369 | studyn
7370 | stuff
7371 | stuff42moro
7372 | stuffed
7373 | stuffing
7374 | stuffs
7375 | stunning
7376 | stupid
7377 | style
7378 | styles
7379 | styling
7380 | stylish
7381 | stylist
7382 | sub
7383 | subject
7384 | subletting
7385 | submitted
7386 | submitting
7387 | subpoly
7388 | subs
7389 | subs16
7390 | subscribe
7391 | subscribe6gbp
7392 | subscribed
7393 | subscriber
7394 | subscribers
7395 | subscription
7396 | subscriptions
7397 | subscriptn3gbp
7398 | subscrition
7399 | subsequent
7400 | subtoitles
7401 | success
7402 | successful
7403 | successfully
7404 | such
7405 | sucker
7406 | suckers
7407 | sucks
7408 | sudden
7409 | suddenly
7410 | sudn
7411 | sue
7412 | suffer
7413 | suffering
7414 | suffers
7415 | sufficient
7416 | sugababes
7417 | suganya
7418 | sugar
7419 | sugardad
7420 | suggest
7421 | suggestion
7422 | suggestions
7423 | suite
7424 | suite342
7425 | suitemates
7426 | suits
7427 | sullivan
7428 | sum
7429 | sum1
7430 | suman
7431 | sumfing
7432 | summer
7433 | summers
7434 | summon
7435 | sumthin
7436 | sun
7437 | sun0819
7438 | sunday
7439 | sundayish
7440 | sunlight
7441 | sunny
7442 | sunoco
7443 | sunroof
7444 | sunscreen
7445 | sunshine
7446 | suntec
7447 | sup
7448 | super
7449 | superb
7450 | superior
7451 | supervisor
7452 | suply
7453 | supose
7454 | suppliers
7455 | supplies
7456 | supply
7457 | support
7458 | supports
7459 | suppose
7460 | supposed
7461 | supreme
7462 | suprman
7463 | sura
7464 | sure
7465 | surely
7466 | surf
7467 | surfing
7468 | surgical
7469 | surly
7470 | surname
7471 | surprise
7472 | surprised
7473 | surrender
7474 | surrounded
7475 | survey
7476 | surya
7477 | sutra
7478 | sux
7479 | suzy
7480 | svc
7481 | sw7
7482 | sw73ss
7483 | swalpa
7484 | swan
7485 | swann
7486 | swap
7487 | swashbuckling
7488 | swat
7489 | swatch
7490 | sway
7491 | swayze
7492 | swear
7493 | sweater
7494 | sweatter
7495 | sweet
7496 | sweetest
7497 | sweetheart
7498 | sweetie
7499 | sweets
7500 | swell
7501 | swhrt
7502 | swimming
7503 | swimsuit
7504 | swing
7505 | swiss
7506 | switch
7507 | swollen
7508 | swoop
7509 | swt
7510 | swtheart
7511 | syd
7512 | syllabus
7513 | symbol
7514 | sympathetic
7515 | symptoms
7516 | synced
7517 | syria
7518 | syrup
7519 | system
7520 | systems
7521 | t4get2text
7522 | t91
7523 | ta
7524 | table
7525 | tablet
7526 | tablets
7527 | tackle
7528 | tacos
7529 | tactful
7530 | tactless
7531 | tag
7532 | tagged
7533 | tahan
7534 | tai
7535 | tait
7536 | taj
7537 | taka
7538 | take
7539 | takecare
7540 | taken
7541 | takes
7542 | takin
7543 | taking
7544 | talent
7545 | talents
7546 | talk
7547 | talkbut
7548 | talked
7549 | talkin
7550 | talking
7551 | talks
7552 | tall
7553 | tallahassee
7554 | tallent
7555 | tamilnadu
7556 | tampa
7557 | tank
7558 | tantrum
7559 | tap
7560 | tape
7561 | tariffs
7562 | tarot
7563 | tarpon
7564 | taste
7565 | tasts
7566 | tat
7567 | tata
7568 | tats
7569 | tattoos
7570 | tau
7571 | taught
7572 | taunton
7573 | taxes
7574 | taxi
7575 | taxless
7576 | taxt
7577 | taylor
7578 | tayseer
7579 | tb
7580 | tbs
7581 | tc
7582 | tcr
7583 | tcs
7584 | tddnewsletter
7585 | tea
7586 | teach
7587 | teacher
7588 | teachers
7589 | teaches
7590 | teaching
7591 | team
7592 | teams
7593 | tear
7594 | tears
7595 | tease
7596 | teasing
7597 | tech
7598 | technical
7599 | technologies
7600 | tee
7601 | teenager
7602 | teeth
7603 | teju
7604 | tel
7605 | telediscount
7606 | telephone
7607 | telephonic
7608 | teletext
7609 | tell
7610 | telling
7611 | tellmiss
7612 | tells
7613 | telly
7614 | telphone
7615 | telugu
7616 | temales
7617 | temp
7618 | temper
7619 | temple
7620 | ten
7621 | tenants
7622 | tendencies
7623 | tenerife
7624 | tensed
7625 | tension
7626 | teresa
7627 | term
7628 | terminated
7629 | terms
7630 | termsapply
7631 | ternal
7632 | terrible
7633 | terrific
7634 | terror
7635 | terrorist
7636 | terry
7637 | tescos
7638 | tessy
7639 | test
7640 | testing
7641 | tests
7642 | tex
7643 | texas
7644 | texd
7645 | text
7646 | text82228
7647 | textand
7648 | textbook
7649 | textbuddy
7650 | textcomp
7651 | texted
7652 | textin
7653 | texting
7654 | textoperator
7655 | textpod
7656 | texts
7657 | tgxxrz
7658 | th
7659 | than
7660 | thandiyachu
7661 | thangam
7662 | thank
7663 | thanks
7664 | thanks2
7665 | thanksgiving
7666 | thanku
7667 | thankyou
7668 | thanx
7669 | thanx4
7670 | thasa
7671 | that
7672 | that2worzels
7673 | thatmum
7674 | thats
7675 | the
7676 | the4th
7677 | theacusations
7678 | theater
7679 | theatre
7680 | thecd
7681 | thedailydraw
7682 | their
7683 | theirs
7684 | thekingshead
7685 | them
7686 | themed
7687 | themes
7688 | themob
7689 | then
7690 | thenampet
7691 | theoretically
7692 | theory
7693 | theplace
7694 | thepub
7695 | there
7696 | theres
7697 | these
7698 | thesedays
7699 | thesis
7700 | thesmszone
7701 | thet
7702 | thew
7703 | they
7704 | theyre
7705 | thgt
7706 | thia
7707 | thin
7708 | thing
7709 | things
7710 | think
7711 | thinked
7712 | thinkin
7713 | thinking
7714 | thinks
7715 | thinkthis
7716 | thinl
7717 | thirtyeight
7718 | thirunelvali
7719 | this
7720 | thk
7721 | thkin
7722 | thm
7723 | thnk
7724 | thnq
7725 | thnx
7726 | tho
7727 | those
7728 | thot
7729 | thou
7730 | though
7731 | thought
7732 | thoughts
7733 | thousands
7734 | thout
7735 | thread
7736 | threats
7737 | three
7738 | threw
7739 | thriller
7740 | throat
7741 | through
7742 | throw
7743 | throwin
7744 | throwing
7745 | thrown
7746 | throws
7747 | thru
7748 | ths
7749 | tht
7750 | thts
7751 | thuglyfe
7752 | thurs
7753 | thursday
7754 | thus
7755 | thx
7756 | thy
7757 | tick
7758 | ticket
7759 | tickets
7760 | tie
7761 | tiempo
7762 | tiger
7763 | tight
7764 | tightly
7765 | tigress
7766 | tihs
7767 | tiime
7768 | til
7769 | till
7770 | tim
7771 | time
7772 | times
7773 | timi
7774 | timin
7775 | timing
7776 | timings
7777 | tiny
7778 | tip
7779 | tips
7780 | tired
7781 | tiring
7782 | tirunelvai
7783 | tirunelvali
7784 | tirupur
7785 | tis
7786 | tissco
7787 | title
7788 | titles
7789 | tiwary
7790 | tix
7791 | tiz
7792 | tke
7793 | tkls
7794 | tkts
7795 | tlk
7796 | tlp
7797 | tm
7798 | tming
7799 | tmorow
7800 | tmorrow
7801 | tmr
7802 | tmrw
7803 | tms
7804 | tmw
7805 | tnc
7806 | tncs
7807 | to
7808 | toa
7809 | toaday
7810 | tobacco
7811 | tobed
7812 | tocall
7813 | toclaim
7814 | today
7815 | todays
7816 | todo
7817 | tog
7818 | together
7819 | tohar
7820 | toilet
7821 | tok
7822 | token
7823 | toking
7824 | tol
7825 | told
7826 | toledo
7827 | tolerance
7828 | tolerat
7829 | toll
7830 | tom
7831 | tomarrow
7832 | tome
7833 | tomeandsaid
7834 | tomo
7835 | tomorro
7836 | tomorrow
7837 | tomorw
7838 | tone
7839 | tones
7840 | tones2u
7841 | tones2you
7842 | tonexs
7843 | tonght
7844 | tongued
7845 | tonight
7846 | tonights
7847 | tonite
7848 | tons
7849 | tonsolitusaswell
7850 | too
7851 | took
7852 | tookplace
7853 | tool
7854 | tooo
7855 | toot
7856 | tooth
7857 | toothpaste
7858 | tootsie
7859 | top
7860 | topic
7861 | toplay
7862 | topped
7863 | toppoly
7864 | tops
7865 | tor
7866 | torch
7867 | torrents
7868 | tortilla
7869 | torture
7870 | tosend
7871 | toshiba
7872 | toss
7873 | tot
7874 | total
7875 | totally
7876 | totes
7877 | touch
7878 | touched
7879 | tough
7880 | toughest
7881 | tour
7882 | towards
7883 | town
7884 | toxic
7885 | toyota
7886 | tp
7887 | track
7888 | trackmarque
7889 | trade
7890 | traditions
7891 | traffic
7892 | train
7893 | trained
7894 | training
7895 | trainners
7896 | trains
7897 | tram
7898 | tranquility
7899 | transaction
7900 | transcribing
7901 | transfer
7902 | transfered
7903 | transferred
7904 | transfr
7905 | transfred
7906 | transport
7907 | trash
7908 | trauma
7909 | trav
7910 | travel
7911 | traveling
7912 | travelled
7913 | travelling
7914 | treacle
7915 | treadmill
7916 | treasure
7917 | treat
7918 | treated
7919 | treatin
7920 | treats
7921 | trebles
7922 | tree
7923 | trek
7924 | trends
7925 | trial
7926 | tried
7927 | trip
7928 | triple
7929 | trips
7930 | trishul
7931 | triumphed
7932 | trivia
7933 | tron
7934 | trouble
7935 | troubleshooting
7936 | trouser
7937 | truble
7938 | truck
7939 | true
7940 | true18
7941 | truffles
7942 | truly
7943 | truro
7944 | trust
7945 | trusting
7946 | truth
7947 | try
7948 | tryin
7949 | trying
7950 | ts
7951 | tsandcs
7952 | tscs
7953 | tscs08714740323
7954 | tscs087147403231winawk
7955 | tsunami
7956 | tsunamis
7957 | tt
7958 | ttyl
7959 | tue
7960 | tues
7961 | tuesday
7962 | tui
7963 | tuition
7964 | tul
7965 | tulip
7966 | tunde
7967 | tune
7968 | tunji
7969 | turkeys
7970 | turn
7971 | turned
7972 | turning
7973 | turns
7974 | tuth
7975 | tv
7976 | twat
7977 | twelve
7978 | twenty
7979 | twice
7980 | twiggs
7981 | twilight
7982 | twinks
7983 | twins
7984 | twittering
7985 | two
7986 | tx
7987 | txt
7988 | txt250
7989 | txt43
7990 | txt82228
7991 | txtauction
7992 | txtin
7993 | txting
7994 | txtno
7995 | txts
7996 | txtstar
7997 | txtstop
7998 | txttowin
7999 | txtx
8000 | tyler
8001 | type
8002 | types
8003 | typical
8004 | tyrone
8005 | u2moro
8006 | u4
8007 | uawake
8008 | ubandu
8009 | ubi
8010 | ugadi
8011 | ugh
8012 | ugo
8013 | uh
8014 | uhhhhrmm
8015 | uin
8016 | ujhhhhhhh
8017 | uk
8018 | ukp
8019 | uks
8020 | ultimate
8021 | ultimately
8022 | ultimatum
8023 | um
8024 | umma
8025 | ummifying
8026 | ummma
8027 | ummmmmaah
8028 | un
8029 | unable
8030 | unbelievable
8031 | unbreakable
8032 | unclaimed
8033 | uncle
8034 | uncles
8035 | uncomfortable
8036 | unconditionally
8037 | unconscious
8038 | unconsciously
8039 | unconvinced
8040 | uncountable
8041 | uncut
8042 | under
8043 | underdtand
8044 | understand
8045 | understanding
8046 | understood
8047 | underwear
8048 | undrstnd
8049 | undrstndng
8050 | unemployed
8051 | uneventful
8052 | unfolds
8053 | unfortunately
8054 | unfortuntly
8055 | unhappiness
8056 | unhappy
8057 | uni
8058 | unicef
8059 | uniform
8060 | unintentional
8061 | unintentionally
8062 | unique
8063 | united
8064 | units
8065 | univ
8066 | university
8067 | unjalur
8068 | unkempt
8069 | unknown
8070 | unless
8071 | unlike
8072 | unlimited
8073 | unmits
8074 | unnecessarily
8075 | unni
8076 | unrecognized
8077 | unredeemed
8078 | unsecured
8079 | unsold
8080 | unspoken
8081 | unsub
8082 | unsubscribe
8083 | unsubscribed
8084 | untamed
8085 | until
8086 | unusual
8087 | up
8088 | up4
8089 | upcharge
8090 | upd8
8091 | updat
8092 | update
8093 | update_now
8094 | upgrade
8095 | upgrading
8096 | upgrdcentre
8097 | upload
8098 | uploaded
8099 | upon
8100 | upping
8101 | ups
8102 | upset
8103 | upstairs
8104 | upto
8105 | uptown
8106 | ur
8107 | urawinner
8108 | ure
8109 | urfeeling
8110 | urgent
8111 | urgently
8112 | urgh
8113 | urgnt
8114 | urgoin
8115 | urgran
8116 | urination
8117 | url
8118 | urmom
8119 | urn
8120 | urself
8121 | us
8122 | usa
8123 | usb
8124 | usc
8125 | use
8126 | used
8127 | useful
8128 | useless
8129 | user
8130 | uses
8131 | usf
8132 | usher
8133 | using
8134 | usmle
8135 | usps
8136 | usual
8137 | usually
8138 | uterus
8139 | utter
8140 | uttered
8141 | uup
8142 | uv
8143 | uve
8144 | uwana
8145 | uwant
8146 | uworld
8147 | va
8148 | vaazhthukkal
8149 | vague
8150 | vaguely
8151 | vale
8152 | valentine
8153 | valentines
8154 | valid
8155 | valid12hrs
8156 | valuable
8157 | value
8158 | valued
8159 | values
8160 | valuing
8161 | varaya
8162 | vargu
8163 | various
8164 | varma
8165 | varunnathu
8166 | vary
8167 | vasai
8168 | vat
8169 | vatian
8170 | vava
8171 | vco
8172 | vday
8173 | ve
8174 | vegas
8175 | vegetables
8176 | veggie
8177 | vehicle
8178 | velachery
8179 | velly
8180 | velusamy
8181 | venaam
8182 | venugopal
8183 | verified
8184 | verify
8185 | verifying
8186 | version
8187 | versus
8188 | very
8189 | vettam
8190 | vewy
8191 | via
8192 | vibrant
8193 | vibrate
8194 | vibrator
8195 | vic
8196 | victoria
8197 | victors
8198 | vid
8199 | video
8200 | videochat
8201 | videophones
8202 | videos
8203 | videosound
8204 | videosounds
8205 | view
8206 | vijay
8207 | vijaykanth
8208 | vikky
8209 | vilikkam
8210 | vill
8211 | villa
8212 | village
8213 | vinobanagar
8214 | violated
8215 | violence
8216 | violet
8217 | vip
8218 | vipclub4u
8219 | virgil
8220 | virgin
8221 | virgins
8222 | virtual
8223 | visa
8224 | visionsms
8225 | visit
8226 | visiting
8227 | visitor
8228 | visitors
8229 | vital
8230 | vitamin
8231 | viva
8232 | vivek
8233 | vivekanand
8234 | vl
8235 | voda
8236 | vodafone
8237 | vodka
8238 | voice
8239 | voicemail
8240 | voila
8241 | volcanoes
8242 | vomit
8243 | vomitin
8244 | vomiting
8245 | vote
8246 | voted
8247 | vouch4me
8248 | voucher
8249 | vouchers
8250 | vpod
8251 | vry
8252 | vs
8253 | vth
8254 | vu
8255 | w1
8256 | w111wx
8257 | w14rg
8258 | w1a
8259 | w1j
8260 | w1j6hl
8261 | w1jhl
8262 | w1t1jy
8263 | w4
8264 | w45wq
8265 | w8in
8266 | wa
8267 | wa14
8268 | waaaat
8269 | wad
8270 | wadebridge
8271 | wah
8272 | wahala
8273 | wahay
8274 | waheed
8275 | waheeda
8276 | wahleykkum
8277 | waht
8278 | wait
8279 | waited
8280 | waitin
8281 | waiting
8282 | wake
8283 | waking
8284 | wales
8285 | waliking
8286 | walk
8287 | walkabout
8288 | walked
8289 | walkin
8290 | walking
8291 | walks
8292 | wall
8293 | wallet
8294 | wallpaper
8295 | walls
8296 | walmart
8297 | walsall
8298 | wamma
8299 | wan
8300 | wan2
8301 | wana
8302 | wanna
8303 | wannatell
8304 | want
8305 | want2come
8306 | wanted
8307 | wanting
8308 | wants
8309 | wap
8310 | waqt
8311 | warm
8312 | warming
8313 | warned
8314 | warner
8315 | warning
8316 | warranty
8317 | warwick
8318 | was
8319 | washob
8320 | wasn
8321 | wasnt
8322 | waste
8323 | wasted
8324 | wasting
8325 | wat
8326 | watch
8327 | watched
8328 | watches
8329 | watchin
8330 | watching
8331 | watchng
8332 | water
8333 | watever
8334 | watevr
8335 | wating
8336 | watr
8337 | wats
8338 | watts
8339 | wave
8340 | wavering
8341 | waves
8342 | way
8343 | way2sms
8344 | waz
8345 | wc1n
8346 | wc1n3xx
8347 | we
8348 | weak
8349 | weakness
8350 | weaknesses
8351 | weapon
8352 | wear
8353 | wearing
8354 | weaseling
8355 | weasels
8356 | weather
8357 | web
8358 | web2mobile
8359 | webadres
8360 | webeburnin
8361 | webpage
8362 | website
8363 | wed
8364 | weddin
8365 | wedding
8366 | weddingfriend
8367 | wedlunch
8368 | wednesday
8369 | weds
8370 | wee
8371 | weed
8372 | week
8373 | weekdays
8374 | weekend
8375 | weekends
8376 | weekly
8377 | weeks
8378 | weigh
8379 | weighed
8380 | weight
8381 | weightloss
8382 | weird
8383 | weirdest
8384 | weirdo
8385 | weirdy
8386 | weiyi
8387 | welcome
8388 | welcomes
8389 | well
8390 | wellda
8391 | welp
8392 | wen
8393 | wendy
8394 | wenever
8395 | went
8396 | wenwecan
8397 | wer
8398 | were
8399 | werebored
8400 | weren
8401 | werethe
8402 | wesley
8403 | wesleys
8404 | west
8405 | western
8406 | westlife
8407 | westonzoyland
8408 | westshore
8409 | wet
8410 | wetherspoons
8411 | wewa
8412 | whassup
8413 | what
8414 | whatever
8415 | whats
8416 | whatsup
8417 | wheat
8418 | wheel
8419 | wheellock
8420 | when
8421 | whenever
8422 | whenevr
8423 | whens
8424 | where
8425 | whereare
8426 | wherever
8427 | wherevr
8428 | wherre
8429 | whether
8430 | which
8431 | while
8432 | whilltake
8433 | whispers
8434 | white
8435 | whn
8436 | who
8437 | whoever
8438 | whole
8439 | whom
8440 | whore
8441 | whos
8442 | whose
8443 | whr
8444 | why
8445 | wi
8446 | wicked
8447 | wicket
8448 | wicklow
8449 | wid
8450 | widelive
8451 | wif
8452 | wife
8453 | wifes
8454 | wifi
8455 | wihtuot
8456 | wikipedia
8457 | wil
8458 | wild
8459 | wildest
8460 | wildlife
8461 | will
8462 | willing
8463 | willpower
8464 | win
8465 | win150ppmx3age16
8466 | wind
8467 | window
8468 | windows
8469 | winds
8470 | windy
8471 | wine
8472 | wined
8473 | wings
8474 | wining
8475 | winner
8476 | winnersclub
8477 | winning
8478 | wins
8479 | winterstone
8480 | wipe
8481 | wipro
8482 | wire3
8483 | wisdom
8484 | wise
8485 | wish
8486 | wisheds
8487 | wishes
8488 | wishin
8489 | wishing
8490 | wishlist
8491 | wiskey
8492 | wit
8493 | with
8494 | withdraw
8495 | wither
8496 | within
8497 | without
8498 | witin
8499 | witot
8500 | witout
8501 | wiv
8502 | wizzle
8503 | wk
8504 | wkend
8505 | wkent
8506 | wkg
8507 | wkly
8508 | wknd
8509 | wks
8510 | wlcome
8511 | wld
8512 | wml
8513 | wn
8514 | wnevr
8515 | wnt
8516 | wo
8517 | woah
8518 | wocay
8519 | woke
8520 | woken
8521 | woman
8522 | womdarfull
8523 | women
8524 | won
8525 | wondar
8526 | wondarfull
8527 | wonder
8528 | wonderful
8529 | wondering
8530 | wonders
8531 | wont
8532 | woo
8533 | woodland
8534 | woods
8535 | woohoo
8536 | woot
8537 | woould
8538 | woozles
8539 | worc
8540 | word
8541 | words
8542 | work
8543 | workage
8544 | workand
8545 | workin
8546 | working
8547 | workout
8548 | works
8549 | world
8550 | worlds
8551 | worms
8552 | worried
8553 | worries
8554 | worry
8555 | worrying
8556 | worse
8557 | worst
8558 | worth
8559 | worthless
8560 | wot
8561 | wotu
8562 | wotz
8563 | woul
8564 | would
8565 | woulda
8566 | wouldn
8567 | wounds
8568 | wow
8569 | wrc
8570 | wrecked
8571 | wrench
8572 | wrenching
8573 | wright
8574 | write
8575 | writhing
8576 | wrk
8577 | wrkin
8578 | wrking
8579 | wrks
8580 | wrld
8581 | wrnog
8582 | wrong
8583 | wrongly
8584 | wrote
8585 | ws
8586 | wt
8587 | wtc
8588 | wtf
8589 | wth
8590 | wthout
8591 | wtlp
8592 | wud
8593 | wudn
8594 | wuld
8595 | wuldnt
8596 | wun
8597 | www
8598 | wylie
8599 | x2
8600 | x29
8601 | x49
8602 | xafter
8603 | xam
8604 | xavier
8605 | xchat
8606 | xclusive
8607 | xin
8608 | xmas
8609 | xoxo
8610 | xt
8611 | xuhui
8612 | xx
8613 | xxsp
8614 | xxuk
8615 | xxx
8616 | xxxmobilemovieclub
8617 | xxxx
8618 | xxxxx
8619 | xxxxxx
8620 | xxxxxxx
8621 | xxxxxxxx
8622 | xxxxxxxxxxxxxx
8623 | xy
8624 | y87
8625 | ya
8626 | yah
8627 | yahoo
8628 | yalrigu
8629 | yalru
8630 | yam
8631 | yan
8632 | yar
8633 | yarasu
8634 | yards
8635 | yavnt
8636 | yaxx
8637 | yaxxx
8638 | yay
8639 | yck
8640 | yeah
8641 | year
8642 | years
8643 | yeesh
8644 | yeh
8645 | yelling
8646 | yellow
8647 | yelow
8648 | yen
8649 | yeovil
8650 | yep
8651 | yer
8652 | yes
8653 | yest
8654 | yesterday
8655 | yet
8656 | yetty
8657 | yetunde
8658 | yhl
8659 | yi
8660 | yifeng
8661 | yijue
8662 | ym
8663 | ymca
8664 | yo
8665 | yoga
8666 | yogasana
8667 | yor
8668 | yorge
8669 | you
8670 | youdoing
8671 | youi
8672 | young
8673 | younger
8674 | youphone
8675 | your
8676 | youre
8677 | yourinclusive
8678 | yourjob
8679 | yours
8680 | yourself
8681 | youuuuu
8682 | youwanna
8683 | yoville
8684 | yowifes
8685 | yoyyooo
8686 | yr
8687 | yrs
8688 | ystrday
8689 | ything
8690 | yummmm
8691 | yummy
8692 | yun
8693 | yunny
8694 | yuo
8695 | yuou
8696 | yup
8697 | yupz
8698 | zac
8699 | zaher
8700 | zealand
8701 | zebra
8702 | zed
8703 | zeros
8704 | zhong
8705 | zindgi
8706 | zoe
8707 | zogtorius
8708 | zoom
8709 | zouk
8710 | zyada
8711 | èn
8712 | ú1
8713 | 〨ud
8714 |
--------------------------------------------------------------------------------