Classification Exercises Answers

These exercises involve training classifiers on the MNIST, titanic, and span/ham data sets. I learned a good bit from this.

Classification Exercises Answers

  • pg 110 (+ 26)

Question 1

Try to build a classifier for the MNIST dataset that achieves over 97% accuracy on the test set. Hint: the KNeighborsClassifier works quite well for this task; you just need to find good hyperparameter values (try a grid search on the weights and n_neighbors hyperparameters).

Neighbors-based classification is a type of instance-based learning or non-generalizing learning: it does not attempt to construct a general internal model, but simply stores instances of the training data. Classification is computed from a simple majority vote of the nearest neighbors of each point: a query point is assigned the data class which has the most representatives within the nearest neighbors of the point.

scikit-learn implements two different nearest neighbors classifiers: KNeighborsClassifier implements learning based on the kkk nearest neighbors of each query point, where is an integer value specified by the user. The optimal choice of the value kkk is highly data-dependent: in general a larger kkk suppresses the effects of noise, but makes the classification boundaries less distinct.

from sklearn.datasets import fetch_openml
import matplotlib.pyplot as plt
mnist = fetch_openml('mnist_784', version=1)
data, target, description = mnist["data"], mnist["target"], mnist["DESCR"]
print(description)
data = data.to_numpy()
target = target.to_numpy()
X_train, X_test, y_train, y_test = data[:60000], data[60000:], target[:60000], target[60000:]
out[3]

**Author**: Yann LeCun, Corinna Cortes, Christopher J.C. Burges
**Source**: [MNIST Website](http://yann.lecun.com/exdb/mnist/) - Date unknown
**Please cite**:

The MNIST database of handwritten digits with 784 features, raw data available at: http://yann.lecun.com/exdb/mnist/. It can be split in a training set of the first 60,000 examples, and a test set of 10,000 examples

It is a subset of a larger set available from NIST. The digits have been size-normalized and centered in a fixed-size image. It is a good database for people who want to try learning techniques and pattern recognition methods on real-world data while spending minimal efforts on preprocessing and formatting. The original black and white (bilevel) images from NIST were size normalized to fit in a 20x20 pixel box while preserving their aspect ratio. The resulting images contain grey levels as a result of the anti-aliasing technique used by the normalization algorithm. the images were centered in a 28x28 image by computing the center of mass of the pixels, and translating the image so as to position this point at the center of the 28x28 field.

With some classification methods (particularly template-based methods, such as SVM and K-nearest neighbors), the error rate improves when the digits are centered by bounding box rather than center of mass. If you do this kind of pre-processing, you should report it in your publications. The MNIST database was constructed from NIST's NIST originally designated SD-3 as their training set and SD-1 as their test set. However, SD-3 is much cleaner and easier to recognize than SD-1. The reason for this can be found on the fact that SD-3 was collected among Census Bureau employees, while SD-1 was collected among high-school students. Drawing sensible conclusions from learning experiments requires that the result be independent of the choice of training set and test among the complete set of samples. Therefore it was necessary to build a new database by mixing NIST's datasets.

The MNIST training set is composed of 30,000 patterns from SD-3 and 30,000 patterns from SD-1. Our test set was composed of 5,000 patterns from SD-3 and 5,000 patterns from SD-1. The 60,000 pattern training set contained examples from approximately 250 writers. We made sure that the sets of writers of the training set and test set were disjoint. SD-1 contains 58,527 digit images written by 500 different writers. In contrast to SD-3, where blocks of data from each writer appeared in sequence, the data in SD-1 is scrambled. Writer identities for SD-1 is available and we used this information to unscramble the writers. We then split SD-1 in two: characters written by the first 250 writers went into our new training set. The remaining 250 writers were placed in our test set. Thus we had two sets with nearly 30,000 examples each. The new training set was completed with enough examples from SD-3, starting at pattern # 0, to make a full set of 60,000 training patterns. Similarly, the new test set was completed with SD-3 examples starting at pattern # 35,000 to make a full set with 60,000 test patterns. Only a subset of 10,000 test images (5,000 from SD-1 and 5,000 from SD-3) is available on this site. The full 60,000 sample training set is available.

Downloaded from openml.org.

import numpy as np
fig, ax = plt.subplots(2,4,figsize=(12,6),layout="constrained")
for i in range(8):
    ax_ind = [0, i]
    if i>=4:
        ax_ind = [1,i-4]
    Ax = ax[ax_ind[0],ax_ind[1]]
    Ax.imshow(X_train[i,:].reshape((28,28)),cmap="gray")
    target = str(y_train[i])
    Ax.set_title("MNIST Target: " + target)
fig.suptitle("Some MNIST Examples",fontsize=16)
plt.show()
out[4]
Jupyter Notebook Image

<Figure size 1200x600 with 8 Axes>

def get_shift(shift_num,axis):
    def shift(arr):
        arr = arr.reshape(28,28)
        arr = np.roll(arr,shift_num,axis=axis)
        return arr.flatten()
    return shift

shift_down = get_shift(1,0)
shift_up = get_shift(-1,0)
shift_right = get_shift(1,1)
shift_left = get_shift(-1,1)

X_train_shifted_down = np.apply_along_axis(shift_down,1,X_train.copy())
X_train_shifted_up = np.apply_along_axis(shift_up,1,X_train.copy())
X_train_shifted_right = np.apply_along_axis(shift_right,1,X_train.copy())
X_train_shifted_left = np.apply_along_axis(shift_left,1,X_train.copy())
fig, ax = plt.subplots(2,2,layout="constrained")
ax[0,0].imshow(X_train_shifted_right[0,:].reshape(28,28),cmap="gray")
ax[0,0].set_title("Shifted Right")
ax[0,1].imshow(X_train_shifted_left[0,:].reshape(28,28),cmap="gray")
ax[0,1].set_title("Shifted Left")
ax[1,0].imshow(X_train_shifted_up[0,:].reshape(28,28),cmap="gray")
ax[1,0].set_title("Shifted Up")
ax[1,1].imshow(X_train_shifted_down[0,:].reshape(28,28),cmap="gray")
ax[1,1].set_title("Shifted Down")
fig.suptitle("Shift Test",fontsize=16)
plt.show()
out[5]
Jupyter Notebook Image

<Figure size 640x480 with 4 Axes>

from sklearn.neighbors import KNeighborsClassifier
from sklearn.model_selection import cross_val_score, RandomizedSearchCV

## Givem that KNeighbors Classifier Depends on the amount of nearest neighbors, it might be helpful to get an idea of how many 
# instances of eahc class there are
fig, ax = plt.subplots(1,1,layout="constrained")
ax.hist(y_train)
ax.set_title("Amount of Training Samples per Number")
plt.show()
# algorithm
# leaf_size
np.random.seed(42)
rand_int = np.random.randint(100)
param_grid = [
  { 'n_neighbors': [5,10,15] }
]
model = RandomizedSearchCV(KNeighborsClassifier(n_jobs=-1,weights='distance'),param_grid,cv=5,verbose=2).fit(X_train,y_train)
out[6]
Jupyter Notebook Image

<Figure size 640x480 with 1 Axes>

c:\Users\fmb20\AppData\Local\Programs\Python\Python311\Lib\site-packages\sklearn\model_selection\_search.py:318: UserWarning: The total space of parameters 3 is smaller than n_iter=10. Running 3 iterations. For exhaustive searches, use GridSearchCV.
warnings.warn(

Fitting 5 folds for each of 3 candidates, totalling 15 fits

test_score = model.score(X_test,y_test)
out[7]
print("Score: ",test_score)
out[8]

Score: 0.9691

Question 2

Write a function that can shift an MNIST image in any direction (left, right, up, or down) by one pixel. Then, for each image in the training set, create four shifted copies (one per direction) and add them to the training set. Finally, train your best model on this expanded training set and measure its accuracy on the test set. You should observe that your model performs even better now! This technique of artificially growing the training set is called data augmentation or training set expansion.

X_train_new = np.vstack((X_train,X_train_shifted_up,X_train_shifted_down,X_train_shifted_left,X_train_shifted_right))
y_train_new = np.hstack((y_train,y_train,y_train,y_train,y_train))
model_new = KNeighborsClassifier(n_jobs=-1,weights='distance',n_neighbors=10).fit(X_train_new,y_train_new).fit(X_train_new,y_train_new)
out[10]
new_score = model_new.score(X_test,y_test)
out[11]
print("New Score After Adding Shifted Images:",new_score)
out[12]

New Score After Adding Shifted Images: 0.9769

Question 3

Tackle the Titanic dataset. A great place to start is on Kaggle

import pandas as pd
import os
titanic = pd.read_csv(os.path.join(os.getcwd(),'..','titanic.csv'))
titanic.set_index("PassengerId",inplace=True)
titanic.head(3)
out[14]

Survived Pclass \

PassengerId

1 0 3

2 1 1

3 1 3



Name Sex Age \

PassengerId

1 Braund, Mr. Owen Harris male 22.0

2 Cumings, Mrs. John Bradley (Florence Briggs Th... female 38.0

3 Heikkinen, Miss. Laina female 26.0



SibSp Parch Ticket Fare Cabin Embarked

PassengerId

1 1 0 A/5 21171 7.2500 NaN S

2 1 0 PC 17599 71.2833 C85 C

3 0 0 STON/O2. 3101282 7.9250 NaN S

titanic.describe()
out[15]

Survived Pclass Age SibSp Parch Fare

count 891.000000 891.000000 714.000000 891.000000 891.000000 891.000000

mean 0.383838 2.308642 29.699118 0.523008 0.381594 32.204208

std 0.486592 0.836071 14.526497 1.102743 0.806057 49.693429

min 0.000000 1.000000 0.420000 0.000000 0.000000 0.000000

25% 0.000000 2.000000 20.125000 0.000000 0.000000 7.910400

50% 0.000000 3.000000 28.000000 0.000000 0.000000 14.454200

75% 1.000000 3.000000 38.000000 1.000000 0.000000 31.000000

max 1.000000 3.000000 80.000000 8.000000 6.000000 512.329200

titanic.info()
out[16]

<class 'pandas.core.frame.DataFrame'>
Index: 891 entries, 1 to 891
Data columns (total 11 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 Survived 891 non-null int64
1 Pclass 891 non-null int64
2 Name 891 non-null object
3 Sex 891 non-null object
4 Age 714 non-null float64
5 SibSp 891 non-null int64
6 Parch 891 non-null int64
7 Ticket 891 non-null object
8 Fare 891 non-null float64
9 Cabin 204 non-null object
10 Embarked 889 non-null object
dtypes: float64(2), int64(4), object(5)
memory usage: 83.5+ KB

print(titanic.loc[:,["Sex"]].value_counts())
print(titanic.loc[:,["Embarked"]].value_counts())
print(titanic.loc[:,["Cabin"]].value_counts())
out[17]

Sex
male 577
female 314
Name: count, dtype: int64
Embarked
S 644
C 168
Q 77
Name: count, dtype: int64
Cabin
C23 C25 C27 4
G6 4
B96 B98 4
F2 3
C22 C26 3
..
C101 1
B94 1
B86 1
B82 B84 1
T 1
Name: count, Length: 147, dtype: int64

print("Contains PC:",titanic.loc[:,"Ticket"][titanic["Ticket"].str.contains("PC")].count())
print("Contains W./C.:",titanic.loc[:,"Ticket"][titanic["Ticket"].str.contains("W./C.")].count())
print("Contains A/5:",titanic.loc[:,"Ticket"][titanic["Ticket"].str.contains("A/5")].count())
print("Contains STON/O2.:",titanic.loc[:,"Ticket"][titanic["Ticket"].str.contains("STON/O2.")].count())
import re
ticket_lst = titanic["Ticket"].to_list()
print(len(ticket_lst))
numbers = []
unique_prefix = set()
for ticket in ticket_lst:
    if ticket.find(" ") != -1:
        unique_prefix.add(ticket.split(" ")[0])
    non_nums = re.findall("[^0-9.]",ticket)
    for non_num in non_nums:
        ticket = ticket.replace(non_num,"")
    ticket = ticket.strip()
    dots = re.findall("\.+",ticket)
    for dot in dots:
        ticket = ticket.replace(dot,".")
    if ticket.startswith("."):
        ticket = ticket[1:]
    ticket = ticket.strip()
    # numbers.append(float(ticket))
# numbers = np.array(numbers,dtype=np.float64)
print(unique_prefix,len(unique_prefix),sep="\n")
print("I think I'm just going to drop this column.")
out[18]

Contains PC: 60
Contains W./C.: 9
Contains A/5: 17
Contains STON/O2.: 6
891
{'CA', 'SW/PP', 'S.W./PP', 'A/5.', 'F.C.C.', 'Fa', 'A.5.', 'A/4', 'W.E.P.', 'SC', 'P/PP', 'S.O.C.', 'SOTON/O2', 'C.A.', 'S.P.', 'STON/O', 'S.O./P.P.', 'A/5', 'WE/P', 'SOTON/O.Q.', 'C.A./SOTON', 'SC/PARIS', 'STON/O2.', 'PC', 'S.O.P.', 'A/S', 'F.C.', 'SCO/W', 'SO/C', 'A4.', 'W./C.', 'SC/Paris', 'PP', 'A/4.', 'SC/AH', 'A./5.', 'SOTON/OQ', 'CA.', 'C', 'S.C./PARIS', 'S.C./A.4.', 'W/C'}
42
I think I'm just going to drop this column.

names = titanic["Name"].copy()
def rearrange_names(s):
    l = re.split(",\s",s)
    if len(l)==2:
        firstname = l[1]
        lastname = l[0]
        name = (firstname + lastname).strip()
    else:
        name = s.strip()
    pre = re.split("\.",name)
    if len(pre)>=1:
        return pre[0]
    else:
        return ''
names = names.apply(rearrange_names)

print(names.value_counts())
out[19]

Name
Mr 517
Miss 182
Mrs 125
Master 40
Dr 7
Rev 6
Mlle 2
Major 2
Col 2
the Countess 1
Capt 1
Ms 1
Sir 1
Lady 1
Mme 1
Don 1
Jonkheer 1
Name: count, dtype: int64

y = titanic["Survived"]
X = titanic.drop(columns="Survived")

from sklearn.model_selection import train_test_split
import numpy as np
from sklearn.pipeline import Pipeline
from sklearn.compose import ColumnTransformer
from sklearn.impute import SimpleImputer, KNNImputer
from sklearn.preprocessing import StandardScaler, Normalizer, MinMaxScaler, OneHotEncoder
from sklearn.base import BaseEstimator, TransformerMixin

np.random.seed(42)
random_state = np.random.randint(100)
X_train, X_test, y_train, y_test = train_test_split(X,y,test_size=0.2,random_state=random_state)
print("Test Train Split:\n--------------------------------------")
print("Train Shape: ",X_train.shape,"\nTest Shape:",X_test.shape,"\nY Train Shape:",y_train.shape,"\mY Test Shape:",y_test.shape)


print("Pclass:\n--------------------------------------")
print("""Pclass can either be:
1. One Hot Encoded (There are three classes 1, 2, 3)
2. Scaled using StandardScaler 
3. Left Alone
- This behavior is handled by class__transform__ohe, class__transform__scale, class__transform__leave. The first one among these that is true is the behavior that is exhibited.""")
class_ohe = OneHotEncoder(sparse_output=False,handle_unknown="ignore")
class_scaler = StandardScaler()
class_ohe.fit(X_train.loc[:,"Pclass"].to_numpy().reshape(-1,1))
class_scaler.fit(X_train.loc[:,"Pclass"].to_numpy().reshape(-1,1))

class ClassTransformer(BaseEstimator,TransformerMixin):
    """
    I am creating this class to see if it is better to leave the "Pclass" column as it is, to one hot encode it, or to scale it. 
    This transformer expects only "Pclass" to be sent to it.
    """
    def __init__(self,ohe=True,scale=False,leave=False):
        self.ohe = ohe
        self.scale = scale
        self.leave = leave
    def fit(self,X,y=None):
        return self
    def transform(self,X,y=None):
        if self.ohe:
            return class_ohe.transform(X)
        elif self.scale:
            return class_scaler.transform(X)
        else:
            return X

print("Names:\n--------------------------------------")
print("""For names, we are using some string manipulation to get the title of the person on the titanic and then one hot encoding based on the title. The title can be:  "Mr", "Miss", "Mrs", "Master", "Dr", or "Rev". """)
names = X_train["Name"].copy()
def rearrange_names(s):
    l = re.split(",\s",s)
    if len(l)==2:
        firstname = l[1]
        lastname = l[0]
        name = (firstname + lastname).strip()
    else:
        name = s.strip()
    pre = re.split("\.",name)
    if len(pre)>=1:
        return pre[0]
    else:
        return ''
names = names.apply(rearrange_names)
names_ohe = OneHotEncoder(min_frequency=5,handle_unknown="ignore",sparse_output=False)
names_ohe.fit(names.to_numpy().reshape(-1,1))
print("Names OHE Categories: ",names_ohe.get_feature_names_out())


class HandleName(BaseEstimator,TransformerMixin):
    """
    There are some things you can do with names:
        - Find the prefix (see the cell above)
    """
    def __init__(self):
        pass
    def fit(self,X,y=None):
        return self
    def transform(self,X,y=None):
        ser = pd.Series(X[:,0])
        ser = ser.apply(rearrange_names)
        ohe_names = names_ohe.transform(ser.to_numpy().reshape(-1,1))
        return ohe_names

age_scaler = StandardScaler()
age_bins = OneHotEncoder(sparse_output=False,handle_unknown="ignore")
age_sibsp_parch = X_train[["Age","SibSp","Parch"]].to_numpy()
age_scaler.fit(age_sibsp_parch[:,0].reshape(-1,1))
age_copy = X_train["Age"].copy().astype("object")
def bin_age(age):
    if age < 12:
        return "child"
    elif age < 18:
        return "teen"
    elif age < 50:
        return "adult"
    else:
        return "elder"
age_copy = age_copy.apply(bin_age)
age_bins.fit(age_copy.to_numpy().reshape(-1,1))


print("Age, SibSp, Parch:\n--------------------------------------")
print("""- For age, it can either be scaled or encoded into buckets for whether the age denotes a child, teen, adult, or elder. This behavior is controlled by children_parents__children_parents__scale_age. The default is False, but if it is true, then the age will be scaled instead of being put into buckets. 
- For siblings/spouses, if children_parents__children_parents__add_is_married is True (default), then a column will be added to the array to denote whether someone is married. It is assumed that if they are above a certain age and SibSp >= 1, then they are married. If this is false, then this attribute is scaled with StandardScaler(). If children_parents__children_parents__separate_sibling_spouse is True (default=False), then the number of true siblings will be calculated based on whether or not someone is married. This will then be scaled. If it is False, then the original feature will be scaled. 
- If children_parents__children_parents__add_children_parents is True (default), then the number of children / parents one has on board will be added to the output array. It will be scaled. Else, the original feature will be scaled. """)
siblings_scaler = StandardScaler()
children_scaler = StandardScaler()
parents_scaler = StandardScaler()
sibling_spouse_scaler = StandardScaler()
parent_child_scaler = StandardScaler()
age = age_sibsp_parch[:,0]
sibling_spouse = age_sibsp_parch[:,1]
sibling_spouse_scaler.fit(sibling_spouse.reshape(-1,1))
parent_child = age_sibsp_parch[:,2]
parent_child_scaler.fit(parent_child.reshape(-1,1))
siblings = sibling_spouse - np.where(np.logical_and(age >= 18,sibling_spouse >= 1),1,0)
siblings = np.where(siblings<0,0,siblings).reshape(-1,1)
siblings_scaler.fit(siblings)
children = parent_child - np.where(np.logical_and(age >= 18,sibling_spouse > 1),1,0)
children = np.where(children<0,0,children).reshape(-1,1)
children_scaler.fit(children)
parents = parent_child - np.where(np.logical_and(age < 18,sibling_spouse > 1),1,0)
parents = np.where(parents<0,0,parents).reshape(-1,1)
parents_scaler.fit(parents)


class ChildrenAndParentsTransformer(BaseEstimator,TransformerMixin):
    """
    This transformation occurs after KNN Imputer, so you should be receiving a NumPy matrix of the following columns in order
    Age: Age
    SibSp: Number of Siblings/Spouses Aboard
    Parch: Number of Parents/Children Aboard
    I am creating this custom transformer because I believe that there are many possibilities of what can be done with these features. 
    1. You could calclate whether someone is a parent or child based on age, then calculate the number of parents vs children they have on boarch and 
    separate the Parch columns into two columns - one for parents and one for children. 
    2. For SibSp, you cam tell whether a p
    3. For age, you could 
        A. standardize it
        B. divide it into groups (bins: small children, teenagers, adults) 

    scale_age - if true, scale age, else place age in bins according to child/teem/adult/elder 
    add_is_married - add whether or not this person is married 
    separate_sibling_spouse - add number of siblings specifically 
    add_children_parents - add number of children and parents
    """
    def __init__(self,scale_age=False,add_is_married=True,separate_sibling_spouse=False,add_children_parents=True):
        self.scale_age = scale_age
        self.add_is_married = add_is_married
        self.separate_sibling_spouse = separate_sibling_spouse
        self.add_children_parents = add_children_parents
    def fit(self,X,y=None):
        return self
    def transform(self,X,y=None):
        age = X[:,0]
        sibling_spouse = X[:,1]
        parent_child = X[:,2]
        if self.scale_age:
            # Scale Age
            out_arr = age_scaler.transform(age.reshape(-1,1))
        else:
            # Place age in binds
            ser = pd.Series(age.copy()).astype("object")
            ser = ser.apply(bin_age)
            out_arr = age_bins.transform(ser.to_numpy().reshape(-1,1))
        if self.add_is_married:
            # Add whther or not this person is married 
            # Assume that most adults do not have siblings on board
            is_married = np.logical_and(age >= 18,sibling_spouse >= 1)
            out_arr = np.hstack((out_arr,is_married.reshape(-1,1)))
        if self.separate_sibling_spouse:
            siblings = sibling_spouse - np.where(np.logical_and(age >= 18,sibling_spouse >= 1),1,0)
            siblings = np.where(siblings<0,0,siblings).reshape(-1,1)
            siblings = siblings_scaler.transform(siblings)
            out_arr = np.hstack((out_arr,siblings))
        else:
            sibling_scaled = sibling_spouse_scaler.transform(sibling_spouse.reshape(-1,1))
            out_arr = np.hstack((out_arr,sibling_scaled))
        if self.add_children_parents:
            children = parent_child - np.where(np.logical_and(age >= 18,sibling_spouse > 1),1,0)
            children = np.where(children<0,0,children).reshape(-1,1)
            children = children_scaler.transform(children)
            parents = parent_child - np.where(np.logical_and(age < 18,sibling_spouse > 1),1,0)
            parents = np.where(parents<0,0,parents).reshape(-1,1)
            parents = parents_scaler.transform(parents)
            out_arr = np.hstack((out_arr,children,parents))
        else:
            parent_child_scaled = parent_child_scaler.transform(parent_child.reshape(-1,1))
            out_arr = np.hstack((out_arr,parent_child_scaled))
        return out_arr

print("Sex, Embarked:\n--------------------------------------")
print("""The Sex and Embarked attributes are imputed then onehot encoded.""")
sex_embarked_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="most_frequent")),
        ("ohe",OneHotEncoder(sparse_output=False,handle_unknown="ignore"))
    ]
)

class_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="median")),
        ("transform",ClassTransformer())
    ]
)
age_family_pipeline = Pipeline(
    steps=[
        ("impute",KNNImputer(n_neighbors=5,weights="distance")),
        ("children_parents",ChildrenAndParentsTransformer())
    ]
)
name_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="constant",missing_values="")),
        ("handle_name",HandleName())
    ]
)
print("Fare:\n--------------------------------------")
print("""The Fare attribute is imputed then scaled.""")

print("Cabin, Ticket:\n--------------------------------------")
print("""The Cabin and Ticket attributes are dropped.""")

fare_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="median")),
        ("scale",StandardScaler())
    ]
)
trans_pipeline = ColumnTransformer(
    transformers=[
        ("sex",sex_embarked_pipeline,["Sex","Embarked"]),
        ("drop_cols","drop",["Cabin","Ticket"]),   
        ("class",class_pipeline,["Pclass"]),
        ("children_parents",age_family_pipeline,["Age","SibSp","Parch"]),
        ("name",name_pipeline,["Name"]),
        ("fare",fare_pipeline,["Fare"])
    ]
)
out[20]

Test Train Split:
--------------------------------------
Train Shape: (712, 10)
Test Shape: (179, 10)
Y Train Shape: (712,) \mY Test Shape: (179,)
Pclass:
--------------------------------------
Pclass can either be:
1. One Hot Encoded (There are three classes 1, 2, 3)
2. Scaled using StandardScaler
3. Left Alone
- This behavior is handled by class__transform__ohe, class__transform__scale, class__transform__leave. The first one among these that is true is the behavior that is exhibited.
Names:
--------------------------------------
For names, we are using some string manipulation to get the title of the person on the titanic and then one hot encoding based on the title. The title can be: "Mr", "Miss", "Mrs", "Master", "Dr", or "Rev".
Names OHE Categories: ['x0_Dr' 'x0_Master' 'x0_Miss' 'x0_Mr' 'x0_Mrs' 'x0_Rev'
'x0_infrequent_sklearn']
Age, SibSp, Parch:
--------------------------------------
- For age, it can either be scaled or encoded into buckets for whether the age denotes a child, teen, adult, or elder. This behavior is controlled by children_parents__children_parents__scale_age. The default is False, but if it is true, then the age will be scaled instead of being put into buckets.
- For siblings/spouses, if children_parents__children_parents__add_is_married is True (default), then a column will be added to the array to denote whether someone is married. It is assumed that if they are above a certain age and SibSp >= 1, then they are married. If this is false, then this attribute is scaled with StandardScaler(). If children_parents__children_parents__separate_sibling_spouse is True (default=False), then the number of true siblings will be calculated based on whether or not someone is married. This will then be scaled. If it is False, then the original feature will be scaled.
- If children_parents__children_parents__add_children_parents is True (default), then the number of children / parents one has on board will be added to the output array. It will be scaled. Else, the original feature will be scaled.
Sex, Embarked:
--------------------------------------
The Sex and Embarked attributes are imputed then onehot encoded.
Fare:
--------------------------------------
The Fare attribute is imputed then scaled.
Cabin, Ticket:
--------------------------------------
The Cabin and Ticket attributes are dropped.

from sklearn.linear_model import RidgeClassifier, ElasticNetCV
from sklearn.svm import SVC 
from sklearn.neighbors import KNeighborsClassifier
from sklearn.tree import DecisionTreeClassifier
from sklearn.metrics import accuracy_score
from sklearn.ensemble import RandomForestClassifier, AdaBoostClassifier, GradientBoostingClassifier, VotingClassifier, StackingClassifier
from sklearn.model_selection import GridSearchCV, cross_val_score

verbose=0
n_jobs=-1
cv=10
refit=True

### Ridge Classification ---------------------------------
ridge_params = [
    {"fit__alpha": [0.6,0.8,0.7], "transform__children_parents__children_parents__scale_age": [True], "transform__children_parents__children_parents__add_is_married": [False], "transform__children_parents__children_parents__add_children_parents": [True, False]}
]
ridge = RidgeClassifier()
ridge_pipeline = Pipeline(
    steps=[
        ("transform",trans_pipeline),
        ("fit",ridge)
    ]
)
ridge_clf = GridSearchCV(ridge_pipeline,param_grid=ridge_params,verbose=verbose,cv=cv,refit=refit)


### Support Vector Classification ---------------------------------
svc_params = [
    {"fit__C": [0.9, 1, 1.1], "transform__children_parents__children_parents__scale_age": [True], "transform__children_parents__children_parents__add_is_married": [True], "transform__children_parents__children_parents__add_children_parents": [ False] }
]
svc = SVC(max_iter=-1,degree=1) 
svc_pipeline = Pipeline(
    steps=[
        ("transform",trans_pipeline),
        ("fit",svc)
    ]
)
svc_clf = GridSearchCV(svc_pipeline,param_grid=svc_params,verbose=verbose,cv=cv,refit=refit)

### K Neighbors ---------------------------------
k_neigh_params = [
    {"fit__n_neighbors": [ 10, 5, 2], "transform__children_parents__children_parents__scale_age": [False], "transform__children_parents__children_parents__add_is_married": [True], "transform__children_parents__children_parents__add_children_parents": [ False] }
]
k_neigh = KNeighborsClassifier(n_jobs=-1) 
k_neigh_pipeline = Pipeline(
    steps=[
        ("transform",trans_pipeline),
        ("fit",k_neigh)
    ]
) 
k_neigh_clf = GridSearchCV(k_neigh_pipeline,param_grid=k_neigh_params,verbose=verbose,cv=cv,refit=refit)


### Descrion Tree ---------------------------------
desc_tree_params = [
    {"fit__max_depth": [ 5 ], "transform__children_parents__children_parents__scale_age": [False], "transform__children_parents__children_parents__add_is_married": [False], "transform__children_parents__children_parents__add_children_parents": [True]}
]
desc_tree = DecisionTreeClassifier() 
desc_tree_pipeline = Pipeline(
    steps=[
        ("transform",trans_pipeline),
        ("fit",desc_tree)
    ]
)
desc_tree_clf = GridSearchCV(desc_tree_pipeline,param_grid=desc_tree_params,verbose=verbose,cv=cv,refit=refit)


### Random Forest ---------------------------------
rand_forest_params = [
    { "fit__n_estimators": [1000], "fit__max_depth": [None], "fit__max_features": [10], "transform__children_parents__children_parents__scale_age": [False], "transform__children_parents__children_parents__add_is_married": [True], "transform__children_parents__children_parents__add_children_parents": [False] }
]
rand_forest = RandomForestClassifier() 
rand_forest_pipeline = Pipeline(
    steps=[
        ("transform",trans_pipeline),
        ("fit",rand_forest)
    ]
)
rand_forest_clf = GridSearchCV(rand_forest_pipeline,param_grid=rand_forest_params,verbose=verbose,cv=cv,refit=refit)


### AdaBoost Classifier --------------------------------------
"""
An AdaBoost classifier is a meta-estimator that begins by fitting a classifier on the original dataset and then fits additional copies of the classifier on the same dataset but where the weights of incorrectly classified instances are adjusted such that subsequent classifiers focus more on difficult cases.

"""
ada_boost_params = [
    { "fit__estimator": [10,50,100], "fit__estimator": [DecisionTreeClassifier(max_depth=None)], "transform__children_parents__children_parents__scale_age": [False], "transform__children_parents__children_parents__add_is_married": [True], "transform__children_parents__children_parents__add_children_parents": [False] }
]
ada_boost = AdaBoostClassifier(algorithm="SAMME") 
ada_boost_pipeline = Pipeline(
    steps=[
        ("transform",trans_pipeline),
        ("fit",ada_boost)
    ]
)
ada_boost_clf = GridSearchCV(ada_boost_pipeline,param_grid=ada_boost_params,verbose=verbose,cv=cv,refit=refit)


### GradientBoosting Classifier --------------------------------------
"""
This algorithm builds an additive model in a forward stage-wise fashion; it allows for the optimization of arbitrary differentiable loss functions. In each stage n_classes_ regression trees are fit on the negative gradient of the loss function, e.g. binary or multiclass log loss. Binary classification is a special case where only a single regression tree is induced.
"""
grad_boost_params = [
    { "transform__children_parents__children_parents__scale_age": [False], "transform__children_parents__children_parents__add_is_married": [True], "transform__children_parents__children_parents__add_children_parents": [False] }
]
grad_boost = GradientBoostingClassifier() 
grad_boost_pipeline = Pipeline(
    steps=[
        ("transform",trans_pipeline),
        ("fit",grad_boost)
    ]
)
grad_boost_clf = GridSearchCV(grad_boost_pipeline,param_grid=grad_boost_params,verbose=verbose,cv=cv,refit=refit)





preds = [
    { "name": "Ridge", "pred": ridge_clf, "y_pred": [] },
    { "name": "SVC", "pred": svc_clf, "y_pred": [] },
    { "name": "K Neighbors", "pred": k_neigh_clf, "y_pred": [] },
    { "name": "Decision Tree", "pred": desc_tree_clf, "y_pred": [] },
    { "name": "Random Forest", "pred": rand_forest_clf, "y_pred": [] },
    { "name": "AdaBoost Classifier", "pred": ada_boost_clf, "y_pred": [] },
    { "name": "GradientBoost Classifier", "pred": grad_boost_clf, "y_pred": [] },
]

for pred in preds:
    pred["pred"].fit(X_train,y_train)
    y_pred = pred["pred"].predict(X_test)
    print(pred["name"] + " Accuracy Score:",accuracy_score(y_test,y_pred))
    pred["y_pred"] = y_pred
    print(pred["pred"].best_params_)
    print("\n")
out[21]

Ridge Accuracy Score: 0.7988826815642458
{'fit__alpha': 0.6, 'transform__children_parents__children_parents__add_children_parents': False, 'transform__children_parents__children_parents__add_is_married': False, 'transform__children_parents__children_parents__scale_age': True}


SVC Accuracy Score: 0.8044692737430168
{'fit__C': 1, 'transform__children_parents__children_parents__add_children_parents': False, 'transform__children_parents__children_parents__add_is_married': True, 'transform__children_parents__children_parents__scale_age': True}


K Neighbors Accuracy Score: 0.776536312849162
{'fit__n_neighbors': 5, 'transform__children_parents__children_parents__add_children_parents': False, 'transform__children_parents__children_parents__add_is_married': True, 'transform__children_parents__children_parents__scale_age': False}


Decision Tree Accuracy Score: 0.7877094972067039
{'fit__max_depth': 5, 'transform__children_parents__children_parents__add_children_parents': True, 'transform__children_parents__children_parents__add_is_married': False, 'transform__children_parents__children_parents__scale_age': False}


Random Forest Accuracy Score: 0.7932960893854749
{'fit__max_depth': None, 'fit__max_features': 10, 'fit__n_estimators': 1000, 'transform__children_parents__children_parents__add_children_parents': False, 'transform__children_parents__children_parents__add_is_married': True, 'transform__children_parents__children_parents__scale_age': False}


AdaBoost Classifier Accuracy Score: 0.7988826815642458
{'fit__estimator': DecisionTreeClassifier(), 'transform__children_parents__children_parents__add_children_parents': False, 'transform__children_parents__children_parents__add_is_married': True, 'transform__children_parents__children_parents__scale_age': False}


GradientBoost Classifier Accuracy Score: 0.8044692737430168
{'transform__children_parents__children_parents__add_children_parents': False, 'transform__children_parents__children_parents__add_is_married': True, 'transform__children_parents__children_parents__scale_age': False}


vot_clf = VotingClassifier(estimators=[("ridge",ridge_clf),("svc",svc_clf),("knn",k_neigh_clf),("desc_tree",desc_tree_clf),("ada_boost",ada_boost_clf),("grad_boost",grad_boost_clf)])
stack_clf = StackingClassifier(estimators=[("ridge",ridge_clf),("svc",svc_clf),("knn",k_neigh_clf),("desc_tree",desc_tree_clf),("ada_boost",ada_boost_clf),("grad_boost",grad_boost_clf)])

vot_clf.fit(X_train,y_train)
stack_clf.fit(X_train,y_train)
y_pred_vote = vot_clf.predict(X_test)
print("Accuracy Score Voting: ",accuracy_score(y_pred_vote,y_test))
y_pred_stack = stack_clf.predict(X_test)
print("Accuracy Score Stacking: ",accuracy_score(y_pred_stack,y_test))
out[22]

Accuracy Score Voting: 0.8156424581005587
Accuracy Score Stacking: 0.8156424581005587

Question 4

Build a spam classifier (a more challenging exercise):

  • Download examples of spam and ham from Apache SpamAssassin’s public datasets.
  • Unzip the datasets and familiarize yourself with the data format.
  • Split the datasets into a training set and a test set.
  • Write a data preparation pipeline to convert each email into a feature vector. Your preparation pipeline should transform an email into a (sparse) vector indicating the presence or absence of each possible word. For example, if all emails only ever contain four words, “Hello,” “how,” “are,” “you,” then the email “Hello you Hello Hello you” would be converted into a vector [1, 0, 0, 1] (meaning [“Hello” is present, “how” is absent, “are” is absent, “you” is present]), or [3, 0, 0, 2] if you prefer to count the number of occurrences of each word.
  • You may want to add hyperparameters to your preparation pipeline to control whether or not to strip off email headers, convert each email to lowercase, remove punctuation, replace all URLs with “URL,” replace all numbers with “NUMBER,” or even perform stemming (i.e., trim off word endings; there are Python libraries available to do this).
  • Then try out several classifiers and see if you can build a great spam classifier, with both high recall and high precision.
import pandas as pd
import numpy as np
import os
from sklearn.model_selection import train_test_split
spam_ham = pd.read_csv(os.path.join(os.getcwd(),"spam_ham_dataset.csv"))
spam_ham.head()
out[24]

Unnamed: 0 label text \

0 605 ham Subject: enron methanol ; meter # : 988291\r\n...

1 2349 ham Subject: hpl nom for january 9 , 2001\r\n( see...

2 3624 ham Subject: neon retreat\r\nho ho ho , we ' re ar...

3 4685 spam Subject: photoshop , windows , office . cheap ...

4 2030 ham Subject: re : indian springs\r\nthis deal is t...



label_num

0 0

1 0

2 0

3 1

4 0

spam_ham.info()
out[25]

<class 'pandas.core.frame.DataFrame'>
RangeIndex: 5171 entries, 0 to 5170
Data columns (total 4 columns):
# Column Non-Null Count Dtype
--- ------ -------------- -----
0 Unnamed: 0 5171 non-null int64
1 label 5171 non-null object
2 text 5171 non-null object
3 label_num 5171 non-null int64
dtypes: int64(2), object(2)
memory usage: 161.7+ KB

number_to_ham = ["ham","spam"] # 0 = ham, 1 = spam
target = spam_ham["label_num"]
data = spam_ham["text"]
np.random.seed(39)
randint = np.random.randint(100)
new_data = data.apply(lambda x: x.strip())
print("Empty Emails Count:",new_data[new_data.str.len() == 0].count())
X_train, X_test, y_train, y_test = train_test_split(data,target,test_size=0.2,random_state=randint)
print("X Train Shape:",X_train.shape)
print("X Test Shape:",X_test.shape)
print("y Train Shape:",y_train.shape)
print("y Test Shape:",y_test.shape)
out[26]

Empty Emails Count: 0
X Train Shape: (4136,)
X Test Shape: (1035,)
y Train Shape: (4136,)
y Test Shape: (1035,)

import re
def begins_with_subject(s):
    return s.strip().startswith("Subject:")
begins_with_subject_set = X_train.apply(begins_with_subject)
print("The amount of emails that don't begin with Subject:",begins_with_subject_set[begins_with_subject_set==False].count())
subject_re = re.compile('^Subject:(?P<subject>.*)((\\r\\n)|(\\r)|(\\n))?(?P<body>.*)')
subj_body_arr = []
for item in X_train.items():
    trimmed = item[1].strip()
    matches = subject_re.match(trimmed)
    if matches:
        subj = matches.group("subject")
        if not subj:
            subj = ""
        body = matches.group("body")
        if not body:
            body = ""
        if subj=="" and body=="":
            body = trimmed
        subj_body_arr.append([subj.strip(),body.strip()])
    else:
        subj_body_arr.append(["",trimmed])

subj_body_df = pd.DataFrame(subj_body_arr,columns=["subject","body"])
subj_body_df["subject_length"] = subj_body_df["subject"].apply(lambda x: len(x.strip()))
subj_body_df["body_length"] = subj_body_df["body"].apply(lambda x: len(x.strip()))
def get_word_frequencies(lis):
    word_freq = {}
    for text in lis:
        words = re.split('(\s+|\s|\n|\r)',text)
        for i in range(len(words)):
            words[i] = words[i].strip()
            if len(words[i])>=1:
                if word_freq.get(words[i]):
                    word_freq[words[i]] += 1
                else:
                    word_freq[words[i]] = 1
    items = list(word_freq.items())
    def sort_func(t):
        return t[1]
    items.sort(key=sort_func,reverse=True)
    return items
out[27]

The amount of emails that don't begin with Subject: 0

subj_word_list = get_word_frequencies(subj_body_df["subject"].to_list())
body_word_list = get_word_frequencies(subj_body_df["body"].to_list())
print(subj_word_list)
print(body_word_list)
out[28]

[('-', 1180), (':', 1045), ('/', 989), (',', 886), ('.', 838), ('for', 824), ('re', 650), ('hpl', 460), ('2000', 417), ('!', 273), ('nom', 260), ('meter', 253), ('#', 232), ('enron', 222), ('?', 221), ('2001', 219), ('to', 215), ('and', 209), ('00', 206), ('gas', 183), ('nomination', 177), ('the', 172), ('actuals', 171), ('fw', 159), ('01', 147), ('1', 146), ('you', 142), ("'", 140), ('on', 136), ('a', 129), ('your', 127), ('&', 123), ('3', 121), ('2', 119), ('noms', 116), ('deal', 112), ('s', 112), (')', 107), ('of', 107), ('(', 103), ('4', 97), ('new', 96), ('5', 95), ('in', 95), ('change', 89), ('_', 88), ('tenaska', 87), ('6', 80), ('may', 79), ('eastrans', 78), ('march', 78), ('july', 77), ('10', 76), ('june', 76), ('=', 76), ('april', 76), ('at', 72), ('"', 72), ('iv', 68), ('i', 67), ('th', 67), ('revised', 66), ('january', 64), ('is', 64), ('@', 63), ('august', 62), ('effective', 61), ('from', 60), ('p', 59), ('$', 59), ('with', 56), ('calpine', 55), ('98', 54), ('get', 54), ('revision', 53), ('8', 53), ('7', 53), ('9', 53), ('11', 53), ('daily', 52), ('%', 51), ('cornhusker', 50), ('actual', 50), ('flow', 50), ('this', 49), ('production', 48), ('deals', 48), ('nominations', 47), ('e', 47), ('november', 47), ('december', 46), ('october', 46), ('l', 46), (';', 45), ('february', 45), ('99', 45), ('it', 45), ('12', 43), ('sitara', 43), ('energy', 42), ('29', 42), ('txu', 41), ('no', 41), ('list', 41), ('can', 40), ('software', 39), ('28', 39), ('we', 38), ('all', 38), ('21', 37), ('up', 36), ('texas', 36), ('changes', 36), ('19', 36), ('15', 35), ('more', 35), ('sept', 35), ('office', 34), ('18', 33), ('wellhead', 33), ('v', 33), ('ena', 33), ('plant', 32), ('online', 32), ('30', 32), ('17', 32), ('first', 32), ('company', 32), ('day', 32), ('c', 32), ('16', 32), ('out', 31), ('fwd', 31), ('meds', 31), ('volumes', 31), ('26', 31), ('cheap', 30), ('paliourg', 30), ('n', 30), ('natural', 30), ('off', 30), ('here', 29), ('information', 29), ('equistar', 28), ('20', 28), ('22', 28), ('24', 27), ('free', 27), ('delivery', 27), ('oil', 27), ('are', 27), ('t', 27), ('d', 27), ('sale', 26), ('ranch', 26), ('report', 26), ('23', 26), ('co', 26), ('dec', 26), ('september', 26), ('request', 26), ('neon', 25), ('thru', 25), ('27', 25), ('14', 25), ('please', 25), ('meeting', 25), ('xp', 25), ('duke', 25), ('best', 25), ('entex', 24), ('13', 24), ('[', 24), ('*', 24), ('x', 24), ('price', 24), ('0', 24), ('prices', 23), ('03', 23), ('jan', 23), ('cleburne', 23), ('feb', 23), ('|', 23), ('com', 23), ('need', 23), ('want', 23), ('confirmation', 22), ('time', 22), ('my', 22), ('buy', 22), (']', 22), ('be', 22), ('me', 22), ('+', 22), ('schedule', 21), ('meters', 21), ('now', 21), ('buyback', 21), ('>', 21), ('k', 21), ('pictures', 21), ('hi', 21), ('f', 21), ('contract', 21), ('25', 21), ('order', 21), ('sales', 21), ('m', 20), ('spot', 20), ('or', 20), ('activity', 20), ('volume', 20), ('how', 20), ('transport', 20), ('update', 20), ('low', 20), ('beaumont', 20), ('tickets', 20), ('mobil', 20), ('o', 20), ('pipeline', 19), ('important', 19), ('call', 19), ('only', 19), ('fuel', 19), ('by', 19), ('storage', 18), ('management', 18), ('r', 18), ('us', 18), ('inc', 18), ('g', 18), ('availabilities', 18), ('stock', 18), ('soft', 18), ('needed', 18), ('real', 17), ('monthly', 17), ('viagra', 17), ('desk', 17), ('allocation', 17), ('31', 17), ('pharmacy', 17), ('marketing', 17), ('cialis', 17), ('unify', 16), ('union', 16), ('issues', 16), ('quality', 16), ('system', 16), ('contact', 16), ('an', 16), ('cp', 16), ('gra', 16), ('service', 16), ('available', 16), ('point', 15), ('date', 15), ('hl', 15), ('our', 15), ('manager', 15), ('do', 15), ('that', 15), ('have', 15), ('global', 15), ('eol', 15), ('nov', 15), ('pg', 15), ('big', 15), ('windows', 15), ('message', 14), ('valero', 14), ('tejas', 14), ('week', 14), ('better', 14), ('help', 14), ('shell', 14), ('outage', 14), ('vols', 14), ('w', 14), ('today', 14), ('estimate', 14), ('midcon', 14), ('net', 13), ('charset', 13), ('survey', 13), ('notes', 13), ('hot', 13), ('oasis', 13), ('adjustments', 13), ('customer', 13), ('04', 13), ('as', 13), ('name', 13), ('vacation', 13), ('one', 13), ('resume', 13), ('hplc', 13), ('services', 13), ('well', 13), ('`', 13), ('save', 13), ('will', 13), ('about', 13), ('operating', 13), ('shipping', 13), ('lose', 13), ('teco', 13), ('not', 13), ('ua', 12), ('agreement', 12), ('prod', 12), ('pain', 12), ('resources', 12), ('special', 12), ('industrial', 12), ('contracts', 12), ('month', 12), ('money', 12), ('great', 12), ('make', 12), ('super', 12), ('final', 12), ('news', 12), ('weekend', 12), ('park', 12), ('internet', 12), ('adobe', 12), ('sds', 12), ('1999', 12), ('into', 12), ('issue', 12), ('microsoft', 12), ('deliveries', 12), ('08', 12), ('power', 12), ('product', 12), ('fuels', 12), ('tabs', 12), ('over', 12), ('coastal', 12), ('vicodin', 12), ('prescription', 12), ('ces', 12), ('download', 12), ('again', 11), ('account', 11), ('shut', 11), ('just', 11), ('find', 11), ('nd', 11), ('exxon', 11), ('02', 11), ('pricing', 11), ('error', 11), ('work', 11), ('iso', 11), ('8859', 11), ('lst', 11), ('alert', 11), ('xanax', 11), ('h', 11), ('line', 11), ('discussion', 11), ('rolex', 11), ('rivers', 11), ('ticket', 11), ('field', 11), ('star', 11), ('2004', 11), ('watch', 11), ('availability', 11), ('valium', 11), ('instant', 11), ('other', 11), ('path', 10), ('hey', 10), ('back', 10), ('sex', 10), ('phillips', 10), ('panenergy', 10), ('katy', 10), ('love', 10), ('was', 10), ('rates', 10), ('methanol', 10), ('984132', 10), ('y', 10), ('imbalance', 10), ('hours', 10), ('life', 10), ('rev', 10), ('business', 10), ('waha', 10), ('gathering', 10), ('pay', 10), ('like', 10), ('know', 10), ('^', 10), ('logistics', 10), ('koch', 10), ('st', 10), ('josey', 10), ('training', 10), ('lone', 10), ('05', 10), ('project', 10), ('\\', 10), ('access', 10), ('if', 10), ('000', 10), ('per', 9), ('ascii', 9), ('purchases', 9), ('feedback', 9), ('ltd', 9), ('industrials', 9), ('close', 9), ('hard', 9), ('central', 9), ('corp', 9), ('than', 9), ('exchange', 9), ('announcement', 9), ('b', 9), ('head', 9), ('deer', 9), ('oct', 9), ('cdnow', 9), ('what', 9), ('06', 9), ('king', 9), ('year', 9), ('movies', 9), ('purchase', 9), ('stop', 9), ('number', 9), ('via', 9), ('09', 9), ('u', 9), ('devon', 9), ('copano', 9), ('old', 9), ('usa', 9), ('fyi', 9), ('80', 9), ('increase', 9), ('rd', 9), ('see', 9), ('same', 9), ('info', 8), ('digital', 8), ('im', 8), ('plan', 8), ('epgt', 8), ('sell', 8), ('rate', 8), ('updated', 8), ('60', 8), ('their', 8), ('end', 8), ('so', 8), ('intraday', 8), ('who', 8), ('spreadsheet', 8), ('eff', 8), ('assignment', 8), ('termination', 8), ('q', 8), ('she', 8), ('email', 8), ('invoice', 8), ('drugs', 8), ('supply', 8), ('verification', 8), ('he', 8), ('lonestar', 8), ('three', 8), ('good', 8), ('2005', 8), ('pro', 8), ('enrononline', 8), ('urgent', 8), ('07', 8), ('web', 8), ('under', 8), ('tetco', 8), ('houston', 8), ('read', 8), ('guadalupe', 8), ('potential', 8), ('missing', 8), ('status', 8), ('aep', 8), ('invoices', 8), ('cowboy', 8), ('data', 8), ('review', 8), ('overnight', 8), ('southern', 7), ('his', 7), ('specials', 7), ('lyondell', 7), ('keep', 7), ('wants', 7), ('much', 7), ('these', 7), ('process', 7), ('popular', 7), ('texoma', 7), ('video', 7), ('start', 7), ('way', 7), ('cilco', 7), ('made', 7), ('exception', 7), ('bed', 7), ('small', 7), ('there', 7), ('reply', 7), ('smart', 7), ('christmas', 7), ('performance', 7), ('needs', 7), ('50', 7), ('saxet', 7), ('roll', 7), ('products', 7), ('works', 7), ('welcome', 7), ('take', 7), ('75', 7), ('tuesday', 7), ('young', 7), ('but', 7), ('cd', 7), ('chemical', 7), ('organizational', 7), ('following', 7), ('site', 7), ('application', 7), ('heads', 7), ('payment', 7), ('enerfin', 7), ('city', 7), ('computer', 7), ('common', 7), ('mar', 7), ('zone', 7), ('mail', 7), ('still', 6), ('lesson', 6), ('black', 6), ('marlin', 6), ('mtbe', 6), ('1517', 6), ('rx', 6), ('notification', 6), ('driscoll', 6), ('check', 6), ('top', 6), ('credit', 6), ('degree', 6), ('use', 6), ('rough', 6), ('area', 6), ('version', 6), ('petroleum', 6), ('lp', 6), ('worksheet', 6), ('home', 6), ('bid', 6), ('job', 6), ('unit', 6), ('interconnect', 6), ('ve', 6), ('adult', 6), ('1428', 6), ('monitor', 6), ('merger', 6), ('centana', 6), ('interview', 6), ('clickathome', 6), ('tx', 6), ('expiration', 6), ('chevron', 6), ('would', 6), ('cap', 6), ('market', 6), ('pills', 6), ('group', 6), ('texaco', 6), ('sea', 6), ('robin', 6), ('spam', 6), ('program', 6), ('avails', 6), ('everything', 6), ('bridge', 6), ('blue', 6), ('bammel', 6), ('correction', 6), ('man', 6), ('him', 6), ('sit', 6), ('abazis', 6), ('base', 6), ('1266', 6), ('general', 6), ('gisb', 6), ('carthage', 6), ('cheapest', 6), ('newsletter', 6), ('8018', 6), ('clear', 6), ('apache', 6), ('weight', 6), ('look', 6), ('expense', 6), ('miracle', 6), ('holiday', 6), ('payments', 6), ('go', 6), ('load', 6), ('hesco', 6), ('problem', 6), ('id', 6), ('ami', 6), ('0984179', 6), ('don', 6), ('meet', 6), ('~', 6), ('dated', 6), ('wife', 6), ('really', 6), ('reports', 6), ('due', 6), ('subject', 6), ('generic', 6), ('tufco', 6), ('coupon', 6), ('shipment', 5), ('updates', 5), ('crosstex', 5), ('hub', 5), ('aspect', 5), ('kingwood', 5), ('cove', 5), ('camera', 5), ('accounting', 5), ('happy', 5), ('stuff', 5), ('done', 5), ('girls', 5), ('huge', 5), ('summary', 5), ('prc', 5), ('been', 5), ('5892', 5), ('south', 5), ('discrepancy', 5), ('distribution', 5), ('high', 5), ('something', 5), ('cody', 5), ('gift', 5), ('killing', 5), ('operations', 5), ('improve', 5), ('smallcap', 5), ('notice', 5), ('opm', 5), ('0980438', 5), ('acock', 5), ('pathing', 5), ('why', 5), ('right', 5), ('hubco', 5), ('wc', 5), ('vl', 5), ('investment', 5), ('opportunity', 5), ('people', 5), ('intrastate', 5), ('soma', 5), ('cartridges', 5), ('986315', 5), ('corel', 5), ('penny', 5), ('shoreline', 5), ('long', 5), ('spinnaker', 5), ('pipe', 5), ('her', 5), ('hunt', 5), ('looking', 5), ('source', 5), ('could', 5), ('el', 5), ('payback', 5), ('security', 5), ('health', 5), ('land', 5), ('someone', 5), ('6722', 5), ('celebration', 5), ('united', 5), ('laptop', 5), ('ready', 5), ('gb', 5), ('aquila', 5), ('cannon', 5), ('winter', 5), ('midstream', 5), ('ocean', 5), ('estimated', 5), ('j', 5), ('extra', 5), ('trading', 5), ('light', 5), ('agra', 5), ('defs', 5), ('last', 5), ('rock', 5), ('less', 5), ('shopping', 5), ('let', 5), ('lake', 5), ('party', 5), ('partners', 5), ('rodessa', 5), ('processing', 5), ('wed', 5), ('96035668', 5), ('212225', 5), ('reduce', 5), ('tri', 5), ('choose', 5), ('maintenance', 5), ('never', 5), ('some', 5), ('brown', 5), ('savings', 5), ('upset', 5), ('password', 5), ('partner', 5), ('intra', 5), ('exploration', 5), ('next', 5), ('lower', 5), ('friend', 5), ('risk', 5), ('ctr', 5), ('96008903', 5), ('135714', 5), ('ei', 5), ('lium', 5), ('response', 5), ('create', 5), ('marol', 5), ('using', 5), ('conoco', 5), ('netco', 5), ('items', 5), ('weightloss', 5), ('deficiency', 5), ('music', 5), ('settelement', 5), ('est', 5), ('average', 5), ('address', 5), ('thank', 5), ('attached', 5), ('gr', 5), ('rfp', 5), ('984229', 5), ('roos', 5), ('trade', 5), ('vi', 5), ('kinder', 5), ('morgan', 5), ('pc', 5), ('easy', 5), ('meoh', 5), ('scheduled', 5), ('code', 5), ('}', 5), ('doctors', 5), ('support', 5), ('away', 4), ('65', 4), ('capacity', 4), ('austin', 4), ('690249', 4), ('dow', 4), ('brian', 4), ('daren', 4), ('marshall', 4), ('note', 4), ('canon', 4), ('through', 4), ('am', 4), ('draft', 4), ('eex', 4), ('house', 4), ('rewrite', 4), ('has', 4), ('put', 4), ('ref', 4), ('stacey', 4), ('mtg', 4), ('spring', 4), ('did', 4), ('extension', 4), ('439', 4), ('feel', 4), ('carbide', 4), ('interest', 4), ('porn', 4), ('wild', 4), ('tonight', 4), ('women', 4), ('brandywine', 4), ('baytown', 4), ('marathon', 4), ('assets', 4), ('follow', 4), ('assignments', 4), ('getting', 4), ('val', 4), ('ken', 4), ('corporation', 4), ('fee', 4), ('boat', 4), ('memo', 4), ('size', 4), ('control', 4), ('pasadena', 4), ('su', 4), ('vlagr', 4), ('padre', 4), ('883', 4), ('dolphin', 4), ('amazon', 4), ('rom', 4), ('discount', 4), ('immediately', 4), ('loss', 4), ('weeks', 4), ('cheating', 4), ('pan', 4), ('gulf', 4), ('too', 4), ('liz', 4), ('bellamy', 4), ('school', 4), ('ibm', 4), ('pigging', 4), ('adding', 4), ('phone', 4), ('drive', 4), ('header', 4), ('34342', 4), ('ma', 4), ('ll', 4), ('ebay', 4), ('pooling', 4), ('69', 4), ('usb', 4), ('6387', 4), ('vlagra', 4), ('xan', 4), ('cashout', 4), ('entries', 4), ('6725', 4), ('hello', 4), ('try', 4), ('euro', 4), ('cost', 4), ('medicines', 4), ('thanks', 4), ('384247', 4), ('otcbb', 4), ('offer', 4), ('dating', 4), ('dvd', 4), ('expires', 4), ('forward', 4), ('superior', 4), ('discrepancies', 4), ('going', 4), ('bill', 4), ('comstock', 4), ('formosa', 4), ('1000', 4), ('budget', 4), ('6040', 4), ('initial', 4), ('9643', 4), ('invitation', 4), ('revisions', 4), ('cuts', 4), ('980070', 4), ('cards', 4), ('pill', 4), ('farm', 4), ('after', 4), ('0439', 4), ('analyst', 4), ('0986563', 4), ('dear', 4), ('book', 4), ('338634', 4), ('985077', 4), ('mtr', 4), ('eye', 4), ('ever', 4), ('pick', 4), ('copanos', 4), ('down', 4), ('kleberg', 4), ('outages', 4), ('mcnic', 4), ('latest', 4), ('inside', 4), ('cowtrap', 4), ('release', 4), ('tax', 4), ('transition', 4), ('allocations', 4), ('server', 4), ('fast', 4), ('walter', 4), ('iit', 4), ('demokritos', 4), ('hoop', 4), ('messenger', 4), ('them', 4), ('preliminary', 4), ('additional', 4), ('write', 4), ('where', 4), ('international', 4), ('medication', 4), ('inkjet', 4), ('buybacks', 4), ('xls', 4), ('reciept', 4), ('bad', 4), ('brand', 4), ('print', 4), ('anniversary', 4), ('estimates', 4), ('hp', 4), ('drug', 4), ('also', 4), ('iagra', 4), ('strong', 4), ('forwarded', 4), ('chokshi', 4), ('wells', 4), ('accessories', 4), ('family', 4), ('229', 4), ('phentermine', 4), ('87', 3), ('lunch', 3), ('robert', 3), ('profiles', 3), ('activities', 3), ('penls', 3), ('memories', 3), ('relief', 3), ('license', 3), ('basin', 3), ('ga', 3), ('213', 3), ('unresolved', 3), ('even', 3), ('kcs', 3), ('earn', 3), ('quickly', 3), ('wifes', 3), ('refill', 3), ('6719', 3), ('9676', 3), ('physical', 3), ('lng', 3), ('tournament', 3), ('sweet', 3), ('guys', 3), ('teens', 3), ('extended', 3), ('congratulations', 3), ('perfect', 3), ('feeling', 3), ('movie', 3), ('ra', 3), ('found', 3), ('confirm', 3), ('daughter', 3), ('shower', 3), ('fifty', 3), ('night', 3), ('saving', 3), ('babe', 3), ('78', 3), ('owner', 3), ('notebookplus', 3), ('098', 3), ('stingray', 3), ('private', 3), ('oxy', 3), ('gladewater', 3), ('98926', 3), ('song', 3), ('backgammon', 3), ('loans', 3), ('got', 3), ('en', 3), ('receivables', 3), ('ink', 3), ('156071', 3), ('autodesk', 3), ('presentation', 3), ('nothing', 3), ('soon', 3), ('extend', 3), ('tennessee', 3), ('personal', 3), ('microcap', 3), ('iferc', 3), ('regalis', 3), ('affordable', 3), ('pnte', 3), ('min', 3), ('egg', 3), ('lis', 3), ('cia', 3), ('solid', 3), ('canales', 3), ('balancing', 3), ('paso', 3), ('learn', 3), ('medications', 3), ('avoid', 3), ('viagr', 3), ('transaction', 3), ('auction', 3), ('smoking', 3), ('guaranteed', 3), ('men', 3), ('channel', 3), ('yo', 3), ('pgev', 3), ('future', 3), ('test', 3), ('wanted', 3), ('affected', 3), ('auto', 3), ('team', 3), ('mp', 3), ('player', 3), ('che', 3), ('ap', 3), ('square', 3), ('1558', 3), ('portable', 3), ('discreet', 3), ('fda', 3), ('approved', 3), ('ordered', 3), ('discounts', 3), ('ordering', 3), ('dollars', 3), ('everyone', 3), ('5310', 3), ('gain', 3), ('6315', 3), ('piaget', 3), ('cannot', 3), ('louis', 3), ('omega', 3), ('income', 3), ('winning', 3), ('launch', 3), ('playgroup', 3), ('systems', 3), ('hour', 3), ('producer', 3), ('adipren', 3), ('dirty', 3), ('97', 3), ('6884', 3), ('promotion', 3), ('half', 3), ('proposal', 3), ('5192', 3), ('104', 3), ('9670681', 3), ('0325567', 3), ('flash', 3), ('wow', 3), ('redelivered', 3), ('9794', 3), ('daniels', 3), ('vlcodi', 3), ('clarification', 3), ('questions', 3), ('show', 3), ('deliver', 3), ('financial', 3), ('8743', 3), ('doctor', 3), ('swing', 3), ('hr', 3), ('bag', 3), ('pics', 3), ('wednesday', 3), ('certificate', 3), ('thompsonville', 3), ('lease', 3), ('agua', 3), ('dulce', 3), ('mid', 3), ('45', 3), ('fortune', 3), ('6892', 3), ('garza', 3), ('repairs', 3), ('colorado', 3), ('secrets', 3), ('1459', 3), ('set', 3), ('cc', 3), ('personals', 3), ('resolved', 3), ('68', 3), ('6296', 3), ('sample', 3), ('intercompany', 3), ('part', 3), ('warning', 3), ('584', 3), ('equipment', 3), ('monday', 3), ('green', 3), ('usage', 3), ('cpr', 3), ('demand', 3), ('aoa', 3), ('ao', 3), ('finally', 3), ('lacy', 3), ('meedication', 3), ('feature', 3), ('fucked', 3), ('harris', 3), ('sony', 3), ('ef', 3), ('box', 3), ('loan', 3), ('professional', 3), ('golf', 3), ('apr', 3), ('investor', 3), ('anax', 3), ('ect', 3), ('form', 3), ('force', 3), ('majeure', 3), ('adjusted', 3), ('bowl', 3), ('block', 3), ('images', 3), ('cornshucker', 3), ('pre', 3), ('banking', 3), ('cash', 3), ('bear', 3), ('986892', 3), ('smi', 3), ('lonely', 3), ('sheet', 3), ('quotes', 3), ('tv', 3), ('were', 3), ('east', 3), ('registration', 3), ('slutty', 3), ('midlothian', 3), ('swift', 3), ('speakers', 3), ('submitted', 3), ('imbalances', 3), ('quick', 3), ('powerful', 3), ('sexually', 3), ('explicit', 3), ('300', 3), ('employees', 3), ('tried', 3), ('90', 3), ('file', 3), ('photoshop', 3), ('optimization', 3), ('word', 3), ('mortgages', 3), ('while', 3), ('wassup', 3), ('beginning', 3), ('aol', 3), ('mom', 3), ('win', 3), ('reliant', 3), ('lev', 3), ('itra', 3), ('stack', 3), ('9699', 3), ('automate', 3), ('tue', 3), ('41', 3), ('accounts', 3), ('{', 3), ('liquids', 3), ('gary', 3), ('camden', 3), ('world', 3), ('81', 3), ('care', 3), ('points', 3), ('sexy', 3), ('swap', 3), ('indian', 3), ('text', 3), ('2003', 3), ('options', 3), ('ise', 3), ('media', 3), ('requirements', 3), ('versionsfeatures', 3), ('technology', 3), ('rank', 3), ('based', 3), ('reviews', 3), ('customized', 3), ('non', 3), ('0500', 3), ('thoughts', 3), ('tailgate', 3), ('shipped', 3), ('codin', 3), ('board', 3), ('member', 3), ('986782', 2), ('oem', 2), ('11871528', 2), ('flag', 2), ('http', 2), ('9682', 2), ('outstanding', 2), ('bank', 2), ('9858', 2), ('smith', 2), ('walker', 2), ('opportunities', 2), ('toshiba', 2), ('superb', 2), ('989842', 2), ('variances', 2), ('clean', 2), ('citgo', 2), ('yates', 2), ('expire', 2), ('heisser', 2), ('fetish', 2), ('alive', 2), ('hiv', 2), ('before', 2), ('obtain', 2), ('destructions', 2), ('progress', 2), ('resumes', 2), ('followup', 2), ('air', 2), ('lines', 2), ('pharmaceuticals', 2), ('dba', 2), ('garrison', 2), ('hungry', 2), ('recipes', 2), ('talk', 2), ('cat', 2), ('hold', 2), ('trip', 2), ('agenda', 2), ('recap', 2), ('youth', 2), ('virgins', 2), ('both', 2), ('safe', 2), ('american', 2), ('slze', 2), ('matters', 2), ('north', 2), ('mirth', 2), ('downloads', 2), ('markets', 2), ('taking', 2), ('bucks', 2), ('mass', 2), ('amazing', 2), ('package', 2), ('octanes', 2), ('second', 2), ('model', 2), ('greatly', 2), ('stamina', 2), ('wellheads', 2), ('formation', 2), ('gloria', 2), ('125822', 2), ('mips', 2), ('ok', 2), ('withdrawl', 2), ('recommended', 2), ('6599', 2), ('551', 2), ('vol', 2), ('pt', 2), ('refinery', 2), ('europe', 2), ('budgets', 2), ('lady', 2), ('ccok', 2), ('msn', 2), ('husband', 2), ('brother', 2), ('dream', 2), ('lay', 2), ('singing', 2), ('very', 2), ('tape', 2), ('internal', 2), ('cute', 2), ('jizz', 2), ('tech', 2), ('letter', 2), ('employee', 2), ('overseas', 2), ('scheduling', 2), ('electronic', 2), ('stubs', 2), ('injections', 2), ('ci', 2), ('mcmullen', 2), ('986563', 2), ('agency', 2), ('nx', 2), ('redmond', 2), ('hunter', 2), ('california', 2), ('crisis', 2), ('americans', 2), ('ta', 2), ('term', 2), ('lend', 2), ('1052', 2), ('street', 2), ('inch', 2), ('11958', 2), ('freeport', 2), ('0435', 2), ('sent', 2), ('does', 2), ('watches', 2), ('70', 2), ('sexual', 2), ('cobra', 2), ('lindholm', 2), ('give', 2), ('fish', 2), ('teach', 2), ('beer', 2), ('article', 2), ('399791', 2), ('bayer', 2), ('flexible', 2), ('college', 2), ('two', 2), ('wish', 2), ('spouse', 2), ('powerpoint', 2), ('7266', 2), ('plains', 2), ('paying', 2), ('election', 2), ('ur', 2), ('es', 2), ('between', 2), ('nng', 2), ('oplc', 2), ('upsets', 2), ('prelim', 2), ('connor', 2), ('procedure', 2), ('multi', 2), ('prime', 2), ('uribe', 2), ('jennings', 2), ('zapata', 2), ('cameras', 2), ('viicodin', 2), ('93836', 2), ('laid', 2), ('radiant', 2), ('breaking', 2), ('four', 2), ('doehrman', 2), ('megan', 2), ('ideas', 2), ('ss', 2), ('enhancements', 2), ('during', 2), ('vice', 2), ('acrobat', 2), ('diabetes', 2), ('foundation', 2), ('earnings', 2), ('functionality', 2), ('160', 2), ('any', 2), ('ntermin', 2), ('som', 2), ('128', 2), ('cam', 2), ('map', 2), ('cents', 2), ('italian', 2), ('crafted', 2), ('275', 2), ('adam', 2), ('fountain', 2), ('sperm', 2), ('every', 2), ('93481', 2), ('maynard', 2), ('times', 2), ('longer', 2), ('canus', 2), ('339693', 2), ('gen', 2), ('cartier', 2), ('replicas', 2), ('difference', 2), ('longines', 2), ('vuitton', 2), ('fat', 2), ('phase', 2), ('department', 2), ('prize', 2), ('cigarettes', 2), ('families', 2), ('fresh', 2), ('unique', 2), ('studio', 2), ('phys', 2), ('invest', 2), ('attend', 2), ('republic', 2), ('royalty', 2), ('rc', 2), ('victoria', 2), ('standard', 2), ('dig', 2), ('further', 2), ('claim', 2), ('985892', 2), ('sep', 2), ('las', 2), ('vegas', 2), ('mediccationn', 2), ('expensive', 2), ('firm', 2), ('mary', 2), ('poorman', 2), ('emerging', 2), ('weekly', 2), ('fan', 2), ('bridgeback', 2), ('5961', 2), ('dvds', 2), ('981594', 2), ('received', 2), ('side', 2), ('road', 2), ('aging', 2), ('clock', 2), ('moment', 2), ('god', 2), ('cokinos', 2), ('1550', 2), ('pnt', 2), ('rmin', 2), ('cps', 2), ('rfq', 2), ('14886', 2), ('organisational', 2), ('say', 2), ('specialist', 2), ('ercot', 2), ('comparison', 2), ('mexican', 2), ('thousands', 2), ('sp', 2), ('problems', 2), ('payperview', 2), ('anderson', 2), ('teen', 2), ('children', 2), ('forest', 2), ('termin', 2), ('suffers', 2), ('hydrocarbon', 2), ('mgmt', 2), ('ec', 2), ('links', 2), ('octane', 2), ('1528', 2), ('1465', 2), ('1603', 2), ('minerals', 2), ('lowest', 2), ('470', 2), ('link', 2), ('802', 2), ('wireless', 2), ('organization', 2), ('easily', 2), ('dance', 2), ('select', 2), ('president', 2), ('river', 2), ('tree', 2), ('helen', 2), ('round', 2), ('rugs', 2), ('associate', 2), ('36', 2), ('stay', 2), ('objectives', 2), ('gsu', 2), ('numbers', 2), ('legal', 2), ('days', 2), ('seen', 2), ('alloc', 2), ('door', 2), ('within', 2), ('listing', 2), ('thicket', 2), ('suite', 2), ('beard', 2), ('jaime', 2), ('prescri', 2), ('ption', 2), ('986884', 2), ('bcp', 2), ('seat', 2), ('dispatch', 2), ('1351', 2), ('delivered', 2), ('sec', 2), ('columbia', 2), ('meetings', 2), ('riverside', 2), ('files', 2), ('lousy', 2), ('fees', 2), ('bet', 2), ('fo', 2), ('pounds', 2), ('reduction', 2), ('move', 2), ('moving', 2), ('986679', 2), ('hughes', 2), ('charge', 2), ('um', 2), ('red', 2), ('wo', 2), ('volition', 2), ('elections', 2), ('governer', 2), ('exam', 2), ('www', 2), ('cy', 2), ('sudden', 2), ('surge', 2), ('reset', 2), ('notebooks', 2), ('ejaculation', 2), ('anxiety', 2), ('picture', 2), ('analysis', 2), ('county', 2), ('thought', 2), ('5688', 2), ('sanchez', 2), ('play', 2), ('station', 2), ('mature', 2), ('lo', 2), ('gcp', 2), ('maintanence', 2), ('lateral', 2), ('friends', 2), ('outlook', 2), ('720', 2), ('facts', 2), ('dfarmer', 2), ('hoff', 2), ('heller', 2), ('cdp', 2), ('529159', 2), ('level', 2), ('gone', 2), ('results', 2), ('prevention', 2), ('course', 2), ('torch', 2), ('rally', 2), ('track', 2), ('ferc', 2), ('age', 2), ('spinaker', 2), ('island', 2), ('adv', 2), ('catalogues', 2), ('0600', 2), ('frontera', 2), ('986240', 2), ('totals', 2), ('planning', 2), ('jun', 2), ('0800', 2), ('guest', 2), ('juno', 2), ('send', 2), ('ndows', 2), ('settle', 2), ('unfinaled', 2), ('6879', 2), ('increased', 2), ('milf', 2), ('ft', 2), ('vitality', 2), ('pure', 2), ('softwares', 2), ('setup', 2), ('salary', 2), ('addition', 2), ('affecting', 2), ('8291', 2), ('hilcorp', 2), ('explore', 2), ('9707', 2), ('mortgage', 2), ('cynergy', 2), ('friday', 2), ('estate', 2), ('against', 2), ('horny', 2), ('remember', 2), ('its', 2), ('ow', 2), ('assistance', 2), ('1431', 2), ('pma', 2), ('immune', 2), ('proposed', 2), ('solution', 2), ('astros', 2), ('74', 2), ('lisa', 2), ('chemisorb', 2), ('promotions', 2), ('201', 2), ('52', 2), ('proven', 2), ('they', 2), ('drawing', 2), ('nominated', 2), ('card', 2), ('fri', 2), ('military', 2), ('known', 2), ('owners', 2), ('trans', 2), ('501', 2), ('epson', 2), ('network', 2), ('cable', 2), ('tool', 2), ('kit', 2), ('won', 2), ('place', 2), ('toyota', 2), ('guidelines', 2), ('starting', 2), ('domestic', 2), ('participate', 2), ('vastar', 2), ('either', 2), ('misc', 2), ('pussies', 2), ('guess', 2), ('little', 2), ('errors', 2), ('ask', 2), ('details', 2), ('hea', 2), ('enronoptions', 2), ('ee', 2), ('sos', 2), ('debt', 2), ('open', 2), ('full', 2), ('clal', 2), ('fun', 2), ('1256', 2), ('directly', 2), ('forget', 2), ('policy', 2), ('barometer', 2), ('expected', 2), ('authority', 2), ('sleeping', 2), ('enom', 2), ('username', 2), ('cross', 2), ('enichem', 2), ('elastomers', 2), ('americas', 2), ('award', 2), ('giving', 2), ('enhance', 2), ('vpn', 2), ('77', 2), ('consent', 2), ('miningnews', 2), ('2662', 2), ('receipt', 2), ('quantity', 2), ('sirpo', 2), ('0067', 2), ('timing', 2), ('crt', 2), ('profile', 2), ('regarding', 2), ('batch', 2), ('aug', 2), ('approval', 2), ('then', 2), ('met', 2), ('malboro', 2), ('carton', 2), ('mmbtu', 2), ('which', 2), ('manufacturer', 2), ('babes', 2), ('ly', 2), ('mgi', 2), ('said', 2), ('980074', 2), ('transco', 2), ('origination', 2), ('beyond', 2), ('complimentary', 2), ('gepl', 2), ('darren', 2), ('cut', 2), ('communication', 2), ('deadline', 2), ('doing', 2), ('cheat', 2), ('defense', 2), ('mobile', 2), ('hplr', 2), ('answer', 2), ('boy', 2), ('47472', 2), ('60747', 2), ('fac', 2), ('501869', 2), ('being', 2), ('batteries', 2), ('pocket', 2), ('8740', 2), ('own', 2), ('isn', 2), ('709296', 2), ('rich', 2), ('mens', 2), ('failure', 2), ('620', 2), ('24679', 2), ('coa', 2), ('6517', 2), ('sap', 2), ('89', 2), ('medic', 2), ('conf', 2), ('replica', 2), ('stocks', 2), ('nax', 2), ('dinner', 2), ('obligations', 2), ('most', 2), ('accrued', 2), ('enjoy', 2), ('1552', 2), ('class', 2), ('dol', 2), ('lars', 2), ('bottom', 2), ('breakout', 2), ('wagner', 2), ('glo', 2), ('case', 2), ('20000813', 2), ('tom', 2), ('acton', 2), ('upgrade', 2), ('hoston', 2), ('font', 2), ('decoration', 2), ('none', 2), ('search', 2), ('norton', 2), ('mx', 2), ('alias', 2), ('edition', 2), ('manage', 2), ('enhanced', 2), ('built', 2), ('solutions', 2), ('workspace', 2), ('photos', 2), ('another', 2), ('tglo', 2), ('barcelona', 2), ('awesome', 2), ('viag', 2), ('erection', 2), ('derm', 2), ('peeing', 2), ('curtains', 2), ('forecast', 2), ('ad', 2), ('55', 2), ('working', 2), ('birthday', 2), ('cancel', 2), ('offers', 2), ('bu', 2), ('pretty', 2), ('wrong', 2), ('variance', 2), ('72893', 2), ('ware', 2), ('celebrate', 2), ('rankings', 2), ('aged', 2), ('jr', 2), ('lubrizol', 2), ('dreamweaver', 2), ('pres', 2), ('prior', 2), ('view', 2), ('1534', 2), ('omegas', 2), ('nat', 2), ('groups', 2), ('interstate', 2), ('inter', 2), ('america', 2), ('hate', 2), ('enlarg', 2), ('ment', 2), ('pllls', 2), ('ponderosa', 2), ('pine', 2), ('wrinkles', 2), ('analysts', 2), ('xa', 2), ('cheeap', 2), ('priced', 2), ('pops', 2), ('54', 2), ('jake', 2), ('megapixel', 2), ('survivor', 2), ('alumni', 2), ('action', 2), ('senior', 2), ('dad', 2), ('cola', 2), ('iwon', 2), ('981488', 2), ('paris', 2), ('teenager', 2), ('cow', 2), ('revison', 2), ('waiting', 1), ('break', 1), ('rachael', 1), ('fortnight', 1), ('rollout', 1), ('208', 1), ('246', 1), ('postings', 1), ('op', 1), ('index', 1), ('asp', 1), ('1373', 1), ('morning', 1), ('lightning', 1), ('strikes', 1), ('plants', 1), ('suntrust', 1), ('manangement', 1), ('reinhardt', 1), ('donald', 1), ('riley', 1), ('susan', 1), ('weissman', 1), ('george', 1), ('assist', 1), ('son', 1), ('goldeditor', 1), ('resource', 1), ('elgin', 1), ('elr', 1), ('tsx', 1), ('dlp', 1), ('projectors', 1), ('incalculable', 1), ('sg', 1), ('selling', 1), ('xdrugs', 1), ('maps', 1), ('locations', 1), ('enl', 1), ('rge', 1), ('position', 1), ('transistion', 1), ('medicine', 1), ('unbelievable', 1), ('diploma', 1), ('deserve', 1), ('ziqxu', 1), ('quycoa', 1), ('endeavour', 1), ('charity', 1), ('addicts', 1), ('chronic', 1), ('medlcat', 1), ('wazzzup', 1), ('delta', 1), ('xclmdz', 1), ('curtailment', 1), ('near', 1), ('yes', 1), ('afford', 1), ('cartie', 1), ('costass', 1), ('zv', 1), ('ogunbunmi', 1), ('hakeem', 1), ('swisher', 1), ('stephen', 1), ('40', 1), ('lips', 1), ('nose', 1), ('nervous', 1), ('550', 1), ('unmetered', 1), ('economise', 1), ('percents', 1), ('dine', 1), ('restaurants', 1), ('greatwood', 1), ('misunderstand', 1), ('developments', 1), ('aekdju', 1), ('raised', 1), ('membership', 1), ('woodtips', 1), ('dfo', 1), ('102056072', 1), ('cummings', 1), ('matching', 1), ('automated', 1), ('generating', 1), ('parallelogram', 1), ('ftware', 1), ('basketball', 1), ('eternal', 1), ('gmt', 1), ('janet', 1), ('557695', 1), ('325', 1), ('368', 1), ('hios', 1), ('847', 1), ('bottles', 1), ('sold', 1), ('ppntufbis', 1), ('589007', 1), ('tons', 1), ('96002201', 1), ('985097', 1), ('realize', 1), ('precis', 1), ('deleeeeeted', 1), ('automatically', 1), ('saturday', 1), ('recruiting', 1), ('virilityy', 1), ('ppatccch', 1), ('modern', 1), ('peniiss', 1), ('enlargmennt', 1), ('yp', 1), ('5333', 1), ('rpm', 1), ('ear', 1), ('essex', 1), ('lanthanide', 1), ('shi', 1), ('pping', 1), ('complimentar', 1), ('skydive', 1), ('spaceland', 1), ('imagine', 1), ('percentage', 1), ('travel', 1), ('florida', 1), ('valentines', 1), ('cailis', 1), ('9833', 1), ('brent', 1), ('trefz', 1), ('previous', 1), ('inexplicable', 1), ('crying', 1), ('spells', 1), ('sadness', 1), ('irritability', 1), ('708760', 1), ('alex', 1), ('argueta', 1), ('bespoke', 1), ('4062', 1), ('nn', 1), ('committee', 1), ('nhc', 1), ('stox', 1), ('sizzle', 1), ('portal', 1), ('1031', 1), ('oxyyyyconttin', 1), ('script', 1), ('needeeed', 1), ('trspt', 1), ('carrying', 1), ('cases', 1), ('dpv', 1), ('eneric', 1), ('wait', 1), ('skip', 1), ('nacogodoches', 1), ('981511', 1), ('arthur', 1), ('dr', 1), ('kenneth', 1), ('interesting', 1), ('capsize', 1), ('hstoett', 1), ('sucklng', 1), ('cant', 1), ('westex', 1), ('documents', 1), ('soup', 1), ('nlght', 1), ('reading', 1), ('heard', 1), ('gently', 1), ('promised', 1), ('5000', 1), ('refinancing', 1), ('drives', 1), ('wohre', 1), ('asses', 1), ('filled', 1), ('kwbt', 1), ('bio', 1), ('signs', 1), ('intent', 1), ('gcm', 1), ('6490', 1), ('advisors', 1), ('nab', 1), ('qs', 1), ('movers', 1), ('shakers', 1), ('electricity', 1), ('provider', 1), ('blows', 1), ('vlagro', 1), ('ambi', 1), ('ali', 1), ('shipper', 1), ('imageplus', 1), ('toner', 1), ('ribbon', 1), ('supported', 1), ('addresses', 1), ('canvas', 1), ('car', 1), ('8434', 1), ('chris', 1), ('hose', 1), ('corrected', 1), ('richardson', 1), ('0987283', 1), ('hampton', 1), ('refining', 1), ('overstock', 1), ('antoine', 1), ('poole', 1), ('clmp', 1), ('unhappy', 1), ('woodlands', 1), ('1553', 1), ('phlyc', 1), ('rqfy', 1), ('1520', 1), ('presenting', 1), ('ciais', 1), ('viagrra', 1), ('xport', 1), ('027', 1), ('doesnt', 1), ('sprig', 1), ('bashaw', 1), ('chase', 1), ('manhattan', 1), ('sign', 1), ('aylesbgry', 1), ('sgclude', 1), ('oisv', 1), ('msjgnkrlf', 1), ('6614', 1), ('lehrer', 1), ('bloodline', 1), ('ahead', 1), ('stalin', 1), ('quote', 1), ('jill', 1), ('viewsonic', 1), ('airpanel', 1), ('display', 1), ('dock', 1), ('575', 1), ('neuer', 1), ('stoff', 1), ('eingetroffen', 1), ('jg', 1), ('phc', 1), ('dcmyplp', 1), ('indicter', 1), ('quintus', 1), ('trump', 1), ('verse', 1), ('seac', 1), ('va', 1), ('ium', 1), ('ioric', 1), ('rdi', 1), ('83389', 1), ('eb', 1), ('37', 1), ('cl', 1), ('96037499', 1), ('satisfy', 1), ('nj', 1), ('si', 1), ('ze', 1), ('matt', 1), ('er', 1), ('eally', 1), ('fyjlxqcbp', 1), ('102', 1), ('6820014', 1), ('8227326', 1), ('sporting', 1), ('events', 1), ('decrease', 1), ('saudi', 1), ('arabia', 1), ('ladies', 1), ('hotels', 1), ('catv', 1), ('meaty', 1), ('cretin', 1), ('whirligig', 1), ('lorelei', 1), ('baptismal', 1), ('oscillate', 1), ('beaver', 1), ('brenda', 1), ('staunton', 1), ('heresy', 1), ('maroon', 1), ('rio', 1), ('coventry', 1), ('crummy', 1), ('transalpine', 1), ('acme', 1), ('loose', 1), ('prison', 1), ('cranky', 1), ('guile', 1), ('edgy', 1), ('stephanie', 1), ('premature', 1), ('tutu', 1), ('satire', 1), ('alia', 1), ('animadversion', 1), ('hire', 1), ('simplicial', 1), ('auric', 1), ('digression', 1), ('sunbonnet', 1), ('homes', 1), ('stress', 1), ('merchant', 1), ('minute', 1), ('eat', 1), ('drink', 1), ('tt', 1), ('explorer', 1), ('ngi', 1), ('gussing', 1), ('woww', 1), ('videos', 1), ('lufkin', 1), ('kill', 1), ('supplier', 1), ('goode', 1), ('playful', 1), ('asian', 1), ('cutie', 1), ('older', 1), ('mhetor', 1), ('33', 1), ('hardcore', 1), ('mpegs', 1), ('executing', 1), ('heal', 1), ('sur', 1), ('ance', 1), ('kidding', 1), ('986899', 1), ('0432', 1), ('ethane', 1), ('incr', 1), ('ease', 1), ('hood', 1), ('et', 1), ('mo', 1), ('ney', 1), ('bac', 1), ('981046', 1), ('butane', 1), ('neches', 1), ('dist', 1), ('yeah', 1), ('photographer', 1), ('flight', 1), ('testers', 1), ('frederic', 1), ('lbwua', 1), ('sora', 1), ('hewitt', 1), ('percent', 1), ('246637', 1), ('reveals', 1), ('preview', 1), ('role', 1), ('heinrich', 1), ('jennifer', 1), ('blay', 1), ('rockets', 1), ('grate', 1), ('uqfcavegwo', 1), ('pda', 1), ('jkoutsi', 1), ('woodworkingtips', 1), ('wacog', 1), ('touch', 1), ('73', 1), ('tablets', 1), ('step', 1), ('sturbation', 1), ('destructor', 1), ('esplanade', 1), ('succeed', 1), ('fbgo', 1), ('wanna', 1), ('millionaire', 1), ('isrntv', 1), ('template', 1), ('0074', 1), ('football', 1), ('6353', 1), ('jones', 1), ('2860', 1), ('198', 1), ('copy', 1), ('cassette', 1), ('versa', 1), ('137', 1), ('labor', 1), ('95', 1), ('413652', 1), ('9603', 1), ('zdrive', 1), ('138', 1), ('juvenile', 1), ('fundraising', 1), ('record', 1), ('profits', 1), ('leth', 1), ('jylra', 1), ('helpful', 1), ('unbelieveable', 1), ('plus', 1), ('aqemkfg', 1), ('copied', 1), ('valiuim', 1), ('vlcod', 1), ('mkxcyvozibdj', 1), ('overpaying', 1), ('lima', 1), ('doubtful', 1), ('eerily', 1), ('cumbersome', 1), ('boeotia', 1), ('nineteen', 1), ('years', 1), ('nola', 1), ('fucks', 1), ('digitize', 1), ('compaq', 1), ('scanners', 1), ('cico', 1), ('woops', 1), ('nos', 1), ('forty', 1), ('reorder', 1), ('icodin', 1), ('lover', 1), ('ejaculate', 1), ('shrugging', 1), ('zenoil', 1), ('massive', 1), ('sloid', 1), ('erections', 1), ('seconds', 1), ('arrangements', 1), ('6575', 1), ('6014', 1), ('swiss', 1), ('tell', 1), ('128285', 1), ('sabrae', 1), ('mystery', 1), ('casual', 1), ('hunnie', 1), ('cavalry', 1), ('canadian', 1), ('retrovir', 1), ('recommendations', 1), ('502952', 1), ('because', 1), ('arturo', 1), ('hydrate', 1), ('eyesight', 1), ('humorous', 1), ('church', 1), ('faces', 1), ('junel', 1), ('677955', 1), ('walther', 1), ('981052', 1), ('jump', 1), ('substantial', 1), ('ground', 1), ('itst', 1), ('38', 1), ('uregent', 1), ('nomiantion', 1), ('reminder', 1), ('7361', 1), ('egp', 1), ('8216', 1), ('ree', 1), ('cortisol', 1), ('blocker', 1), ('eight', 1), ('dont', 1), ('become', 1), ('angry', 1), ('though', 1), ('efforts', 1), ('resisted', 1), ('rejected', 1), ('freedom', 1), ('cliff', 1), ('baxter', 1), ('vmagra', 1), ('click', 1), ('wellbeing', 1), ('advocated', 1), ('sunshine', 1), ('always', 1), ('nauuughty', 1), ('minded', 1), ('winnings', 1), ('collene', 1), ('medg', 1), ('stockplay', 1), ('jeer', 1), ('1441', 1), ('falfurrias', 1), ('kenney', 1), ('conversation', 1), ('0100', 1), ('button', 1), ('scroll', 1), ('mouse', 1), ('lobo', 1), ('payout', 1), ('830451', 1), ('activation', 1), ('limit', 1), ('orders', 1), ('transportation', 1), ('kerrville', 1), ('pharmaip', 1), ('tommorow', 1), ('deadlines', 1), ('question', 1), ('offshore', 1), ('fares', 1), ('1450', 1), ('activated', 1), ('complaint', 1), ('nebenarbeit', 1), ('als', 1), ('gehilfe', 1), ('239', 1), ('receipts', 1), ('jerseys', 1), ('shouldn', 1), ('piss', 1), ('cuold', 1), ('firned', 1), ('overweight', 1), ('suppose', 1), ('proffer', 1), ('valued', 1), ('acvbv', 1), ('sfoxtkvr', 1), ('bless', 1), ('jerry', 1), ('mdq', 1), ('5910', 1), ('gov', 1), ('5097', 1), ('dunagan', 1), ('vali', 1), ('oma', 1), ('xxnfwvwymvxd', 1), ('covenants', 1), ('mineral', 1), ('goodbye', 1), ('truly', 1), ('appreciate', 1), ('gail', 1), ('idea', 1), ('mamie', 1), ('davis', 1), ('content', 1), ('shape', 1), ('wood', 1), ('transfer', 1), ('vacancy', 1), ('appointment', 1), ('starts', 1), ('mw', 1), ('medocations', 1), ('vo', 1), ('join', 1), ('6709', 1), ('dunn', 1), ('mccampbell', 1), ('agaain', 1), ('layton', 1), ('dana', 1), ('dutchmen', 1), ('sideband', 1), ('declaration', 1), ('vac', 1), ('generalist', 1), ('sunday', 1), ('bro', 1), ('finished', 1), ('taboo', 1), ('inquiry', 1), ('prelminary', 1), ('findings', 1), ('bridging', 1), ('37258', 1), ('goldston', 1), ('ana', 1), ('fiori', 1), ('alb', 1), ('clement', 1), ('receiving', 1), ('continent', 1), ('254', 1), ('meeds', 1), ('needn', 1), ('learning', 1), ('20806', 1), ('chapman', 1), ('980432', 1), ('viewing', 1), ('choice', 1), ('immediate', 1), ('overflow', 1), ('airplus', 1), ('router', 1), ('rusk', 1), ('gwpfx', 1), ('trevino', 1), ('carryover', 1), ('indutrial', 1), ('midcoast', 1), ('tips', 1), ('tricks', 1), ('649741', 1), ('bigger', 1), ('breast', 1), ('naturally', 1), ('busty', 1), ('fickle', 1), ('nausea', 1), ('cholesterol', 1), ('southland', 1), ('gifted', 1), ('beautiful', 1), ('tits', 1), ('equally', 1), ('butt', 1), ('penetrate', 1), ('overnmght', 1), ('pr', 1), ('escription', 1), ('mol', 1), ('31446', 1), ('pleo', 1), ('0004', 1), ('intramonth', 1), ('goals', 1), ('1525', 1), ('happen', 1), ('premlinary', 1), ('udtih', 1), ('wcwknoanopkt', 1), ('teac', 1), ('xl', 1), ('pcmcia', 1), ('ext', 1), ('rw', 1), ('assistant', 1), ('realignment', 1), ('duties', 1), ('yesterday', 1), ('neevr', 1), ('prono', 1), ('animation', 1), ('kaf', 1), ('except', 1), ('1491', 1), ('getaways', 1), ('lipids', 1), ('heart', 1), ('disease', 1), ('langley', 1), ('suemar', 1), ('berryman', 1), ('bundle', 1), ('famish', 1), ('virtual', 1), ('jobsonline', 1), ('weygandt', 1), ('andrew', 1), ('glover', 1), ('rusty', 1), ('iralsqasua', 1), ('ith', 1), ('connotative', 1), ('darvocet', 1), ('required', 1), ('quest', 1), ('restatement', 1), ('314', 1), ('sio', 1), ('okmydykwvnft', 1), ('ln', 1), ('869', 1), ('purchasing', 1), ('chapter', 1), ('reorganization', 1), ('ggra', 1), ('mizar', 1), ('tragedy', 1), ('iceoe', 1), ('aoauau', 1), ('oauei', 1), ('ie', 1), ('caue', 1), ('aoe', 1), ('pat', 1), ('jury', 1), ('duty', 1), ('onlinepharmacycheap', 1), ('43', 1), ('thinkpad', 1), ('jordyn', 1), ('coolant', 1), ('ymuhfikr', 1), ('leisure', 1), ('noitce', 1), ('ocaw', 1), ('qgez', 1), ('consumption', 1), ('body', 1), ('floor', 1), ('soaring', 1), ('989826', 1), ('cmp', 1), ('fuddy', 1), ('duddy', 1), ('sof', 1), ('tware', 1), ('panther', 1), ('until', 1), ('white', 1), ('citibank', 1), ('suspend', 1), ('successful', 1), ('aha', 1), ('chair', 1), ('z', 1), ('requested', 1), ('wheeler', 1), ('absentminded', 1), ('cavil', 1), ('corpus', 1), ('deacon', 1), ('fond', 1), ('coproduct', 1), ('decertify', 1), ('coplanar', 1), ('dynamite', 1), ('dialogue', 1), ('seductive', 1), ('charlemagne', 1), ('birdie', 1), ('audiotape', 1), ('dieldrin', 1), ('insistent', 1), ('bereft', 1), ('bureaucratic', 1), ('heap', 1), ('presumptive', 1), ('creedal', 1), ('guaranteeing', 1), ('5095', 1), ('037', 1), ('managing', 1), ('director', 1), ('xianax', 1), ('fioric', 1), ('oiv', 1), ('pge', 1), ('gtt', 1), ('nsf', 1), ('htmlmedia', 1), ('html', 1), ('ya', 1), ('pahrma', 1), ('developmental', 1), ('elders', 1), ('pnrecet', 1), ('benefit', 1), ('strapon', 1), ('cunt', 1), ('lickin', 1), ('dyke', 1), ('981459', 1), ('gsf', 1), ('tim', 1), ('yd', 1), ('5886', 1), ('tells', 1), ('topic', 1), ('snuggle', 1), ('possibly', 1), ('989824', 1), ('decker', 1), ('laureles', 1), ('reguiar', 1), ('29184', 1), ('rescheduled', 1), ('west', 1), ('cameron', 1), ('587', 1), ('kiosk', 1), ('lnbcer', 1), ('talking', 1), ('hillarious', 1), ('kin', 1), ('worth', 1), ('thousand', 1), ('words', 1), ('gymnastics', 1), ('healthy', 1), ('reproductive', 1), ('state', 1), ('1601', 1), ('yvette', 1), ('ooto', 1), ('985369', 1), ('taft', 1), ('resid', 1), ('arco', 1), ('980417', 1), ('kmid', 1), ('seven', 1), ('oaks', 1), ('theaters', 1), ('falcon', 1), ('cla', 1), ('sarco', 1), ('crow', 1), ('circle', 1), ('providers', 1), ('709101', 1), ('exclusive', 1), ('positions', 1), ('montanayoocwo', 1), ('smoke', 1), ('9885', 1), ('0085201238', 1), ('9769', 1), ('writing', 1), ('google', 1), ('adwords', 1), ('kara', 1), ('accepted', 1), ('adip', 1), ('ren', 1), ('alhambra', 1), ('labyrinth', 1), ('necromancers', 1), ('725', 1), ('wyman', 1), ('gordan', 1), ('forgings', 1), ('7268', 1), ('oxwq', 1), ('anouncing', 1), ('qbbcpryhrv', 1), ('vacations', 1), ('communiqup', 1), ('facilitate', 1), ('984179', 1), ('upcoming', 1), ('means', 1), ('bargain', 1), ('alium', 1), ('fi', 1), ('ric', 1), ('tburn', 1), ('kn', 1), ('upstream', 1), ('92155', 1), ('bring', 1), ('deiiver', 1), ('dobmeos', 1), ('hgh', 1), ('stukm', 1), ('eis', 1), ('david', 1), ('981431', 1), ('tadalafil', 1), ('retiree', 1), ('1099', 1), ('bast', 1), ('phharma', 1), ('ther', 1), ('da', 1), ('shijpping', 1), ('chromium', 1), ('buckhorn', 1), ('doberman', 1), ('cancellation', 1), ('3509', 1), ('3533', 1), ('communicating', 1), ('effectively', 1), ('offering', 1), ('purch', 1), ('zzocb', 1), ('lnjoq', 1), ('leocb', 1), ('981373', 1), ('withdrawals', 1), ('ram', 1), ('tackett', 1), ('985355', 1), ('galleryfurniture', 1), ('barely', 1), ('646679', 1), ('deletion', 1), ('user', 1), ('rincon', 1), ('coming', 1), ('tomorrow', 1), ('diet', 1), ('accedez', 1), ('aux', 1), ('des', 1), ('app', 1), ('sun', 1), ('doc', 1), ('ids', 1), ('magazine', 1), ('articie', 1), ('highlighted', 1), ('367886924', 1), ('jb', 1), ('35', 1), ('participation', 1), ('abdv', 1), ('goes', 1), ('epgqlahhkqqltj', 1), ('waanmdp', 1), ('northernmost', 1), ('receive', 1), ('attachments', 1), ('hotmail', 1), ('filling', 1), ('vacancies', 1), ('count', 1), ('mrs', 1), ('juliana', 1), ('les', 1), ('attack', 1), ('subscription', 1), ('chnage', 1), ('981225', 1), ('evaluation', 1), ('sodbuster', 1), ('popularity', 1), ('eg', 1), ('flyer', 1), ('showcasing', 1), ('kqttnvk', 1), ('neighbors', 1), ('lookin', 1), ('fbs', 1), ('claal', 1), ('somma', 1), ('vlcodd', 1), ('vlaagrra', 1), ('zol', 1), ('allium', 1), ('xanaa', 1), ('codelne', 1), ('stamp', 1), ('alis', 1), ('merchandise', 1), ('thel', 1), ('timebestsoftwareforyou', 1), ('acutals', 1), ('140', 1), ('intel', 1), ('dot', 1), ('129', 1), ('skills', 1), ('718', 1), ('jurirne', 1), ('cqunecc', 1), ('structure', 1), ('1156', 1), ('981318', 1), ('sensitive', 1), ('refer', 1), ('781557', 1), ('330', 1), ('womenn', 1), ('featured', 1), ('viagrla', 1), ('valerie', 1), ('improvidences', 1), ('explication', 1), ('solve', 1), ('doubling', 1), ('achievable', 1), ('think', 1), ('zu', 1), ('coserv', 1), ('6373', 1), ('autohedge', 1), ('hlep', 1), ('confused', 1), ('pussy', 1), ('healthcare', 1), ('odds', 1), ('unsatisfied', 1), ('141877', 1), ('141883', 1), ('141884', 1), ('pack', 1), ('lockhart', 1), ('contribution', 1), ('together', 1), ('lives', 1), ('posing', 1), ('smiling', 1), ('fueled', 1), ('108672', 1), ('binders', 1), ('killed', 1), ('objection', 1), ('mapping', 1), ('merry', 1), ('joyeux', 1), ('noel', 1), ('frohe', 1), ('weihnachten', 1), ('feliz', 1), ('navidad', 1), ('shors', 1), ('accordant', 1), ('dispensable', 1), ('excellence', 1), ('inclement', 1), ('weather', 1), ('instructions', 1), ('remove', 1), ('spyware', 1), ('adware', 1), ('infections', 1), ('posting', 1), ('incorrectness', 1), ('chivalrousness', 1), ('majestic', 1), ('533', 1), ('dell', 1), ('profiie', 1), ('bouncing', 1), ('sharply', 1), ('hourly', 1), ('easter', 1), ('cutoff', 1), ('msa', 1), ('briton', 1), ('rnwdgzsy', 1), ('diversionary', 1), ('dewbre', 1), ('responding', 1), ('fluorite', 1), ('columbus', 1), ('communion', 1), ('chimique', 1), ('log', 1), ('987195', 1), ('tatton', 1), ('protein', 1), ('reorg', 1), ('farmers', 1), ('reallllly', 1), ('alone', 1), ('comments', 1), ('globe', 1), ('explain', 1), ('itinerary', 1), ('investigation', 1), ('keeping', 1), ('stereo', 1), ('ipod', 1), ('39', 1), ('378', 1), ('deaden', 1), ('rickets', 1), ('shiplap', 1), ('lifelong', 1), ('doreen', 1), ('wheel', 1), ('declination', 1), ('diem', 1), ('fairchild', 1), ('2601', 1), ('eastern', 1), ('maverick', 1), ('acquire', 1), ('drivers', 1), ('different', 1), ('sunrise', 1), ('breadwinner', 1), ('acct', 1), ('hurts', 1), ('stretch', 1), ('till', 1), ('squeal', 1), ('lovers', 1), ('kqo', 1), ('andy', 1), ('monga', 1), ('child', 1), ('pa', 1), ('fax', 1), ('perform', 1), ('multiple', 1), ('ways', 1), ('relocate', 1), ('hgpl', 1), ('kgpl', 1), ('mirant', 1), ('barnhart', 1), ('sat', 1), ('jul', 1), ('04005', 1), ('jnkex', 1), ('109475', 1), ('nurses', 1), ('cops', 1), ('uniform', 1), ('busby', 1), ('redelivery', 1), ('swjlmiqqt', 1), ('arrangement', 1), ('692', 1), ('controls', 1), ('standards', 1), ('assessment', 1), ('315', 1), ('329', 1), ('clearance', 1), ('cars', 1), ('enough', 1), ('sepo', 1), ('tester', 1), ('rj', 1), ('crimping', 1), ('strip', 1), ('laugh', 1), ('nol', 1), ('flood', 1), ('tunnels', 1), ('pennzoil', 1), ('downtown', 1), ('daddy', 1), ('pays', 1), ('tuition', 1), ('doesn', 1), ('majoring', 1), ('vic', 1), ('odin', 1), ('tap', 1), ('57', 1), ('9748', 1), ('validation', 1), ('confirming', 1), ('requisitions', 1), ('respond', 1), ('asap', 1), ('valllum', 1), ('allis', 1), ('viagrma', 1), ('unshackling', 1), ('vesicopubic', 1), ('taciturnly', 1), ('exposure', 1), ('zko', 1), ('stg', 1), ('patent', 1), ('pager', 1), ('haave', 1), ('yoou', 1), ('ducts', 1), ('yeeeet', 1), ('christmass', 1), ('wndows', 1), ('nt', 1), ('enterprise', 1), ('diligence', 1), ('cocks', 1), ('deep', 1), ('worn', 1), ('samsung', 1), ('combination', 1), ('34', 1), ('318052', 1), ('should', 1), ('trades', 1), ('guillermo', 1), ('vs', 1), ('fronterra', 1), ('hplo', 1), ('916', 1), ('genevieve', 1), ('gimmicks', 1), ('cataloger', 1), ('charitableness', 1), ('computers', 1), ('pennzenergy', 1), ('property', 1), ('nesa', 1), ('annual', 1), ('crawfish', 1), ('boil', 1), ('pbas', 1), ('retroactive', 1), ('cyclops', 1), ('baseball', 1), ('23805', 1), ('789355', 1), ('kerr', 1), ('mcgee', 1), ('tomcat', 1), ('eshopkey', 1), ('???????????', 1), ('63', 1), ('despondent', 1), ('dobson', 1), ('liffe', 1), ('succession', 1), ('double', 1), ('proccess', 1), ('hispanic', 1), ('goat', 1), ('rdn', 1), ('wheresoever', 1), ('4359', 1), ('bn', 1), ('winkle', 1), ('submisssive', 1), ('inactivation', 1), ('tux', 1), ('talked', 1), ('rosella', 1), ('wept', 1), ('orderr', 1), ('mdedicationns', 1), ('earning', 1), ('hand', 1), ('repliacs', 1), ('todday', 1), ('carson', 1), ('wil', 1), ('ruin', 1), ('marriage', 1), ('seize', 1), ('agrra', 1), ('xanaax', 1), ('adlpex', 1), ('ambl', 1), ('tussioneex', 1), ('usual', 1), ('blew', 1), ('htm', 1), ('1335', 1), ('compensate', 1), ('mother', 1), ('knows', 1), ('moan', 1), ('quack', 1), ('bridgeline', 1), ('workorder', 1), ('discretely', 1), ('pharmaxz', 1), ('gener', 1), ('edc', 1), ('lyz', 1), ('balk', 1), ('filters', 1), ('xof', 1), ('ttb', 1), ('guar', 1), ('antee', 1), ('daiiy', 1), ('shares', 1), ('35000', 1), ('assigned', 1), ('reps', 1), ('283939', 1), ('discover', 1), ('aaer', 1), ('xchxa', 1), ('tgp', 1), ('sabine', 1), ('ygcy', 1), ('kdl', 1), ('goings', 1), ('seaman', 1), ('vocable', 1), ('rnd', 1), ('asceticism', 1), ('637225', 1), ('juneol', 1), ('387571', 1), ('gofl', 1), ('shy', 1), ('hes', 1), ('rescheduling', 1), ('usecase', 1), ('turbocharged', 1), ('jaguar', 1), ('carter', 1), ('casino', 1), ('affirmation', 1), ('8608', 1), ('96731', 1), ('issued', 1), ('xms', 1), ('ehronline', 1), ('9760', 1), ('helmerich', 1), ('payne', 1), ('diagram', 1), ('footlocker', 1), ('149', 1), ('zui', 1), ('9658', 1), ('since', 1), ('hoping', 1), ('correct', 1), ('gates', 1), ('819348', 1), ('contemporary', 1), ('poetry', 1), ('rbv', 1), ('agr', 1), ('reserved', 1), ('share', 1), ('room', 1), ('cell', 1), ('phones', 1), ('forms', 1), ('announces', 1), ('plans', 1), ('merge', 1), ('dynegy', 1), ('gspm', 1), ('gold', 1), ('prebid', 1), ('anatomy', 1), ('entered', 1), ('econnect', 1), ('potable', 1), ('highways', 1), ('steve', 1), ('schneider', 1), ('johnson', 1), ('document', 1), ('qns', 1), ('driver', 1), ('1998', 1), ('harmacy', 1), ('duval', 1), ('cty', 1), ('dick', 1), ('duplicates', 1), ('randal', 1), ('9822', 1), ('worthen', 1), ('cribsheet', 1), ('inaccuracy', 1), ('controllable', 1), ('grab', 1), ('pavilion', 1), ('72', 1), ('satellite', 1), ('critical', 1), ('notices', 1), ('fundy', 1), ('page', 1), ('seacrest', 1), ('cinm', 1), ('mall', 1), ('eosine', 1), ('9121', 1), ('yr', 1), ('983795', 1), ('09110129', 1), ('patchs', 1), ('pillz', 1), ('transferring', 1), ('katie', 1), ('bj', 1), ('535', 1), ('prozacs', 1), ('405', 1), ('228', 1), ('4298', 1), ('portfolio', 1), ('imperial', 1), ('sugar', 1), ('142', 1), ('144', 1), ('instead', 1), ('155', 1), ('appropriate', 1), ('glad', 1), ('refurbished', 1), ('20367', 1), ('worldexpo', 1), ('tinsley', 1), ('wildest', 1), ('mitchell', 1), ('binaural', 1), ('cvonyy', 1), ('wakerobin', 1), ('llars', 1), ('ty', 1), ('cent', 1), ('each', 1), ('dickinson', 1), ('cheappesst', 1), ('operate', 1), ('odu', 1), ('carroll', 1), ('robotics', 1), ('analogue', 1), ('wired', 1), ('rule', 1), ('extends', 1), ('affiliate', 1), ('regulations', 1), ('spoke', 1), ('person', 1), ('confirms', 1), ('clerk', 1), ('direct', 1), ('descriptive', 1), ('chameleon', 1), ('restart', 1), ('78033', 1), ('78032', 1), ('decadent', 1), ('trv', 1), ('154', 1), ('campo', 1), ('shanghai', 1), ('commonpoint', 1), ('fooled', 1), ('countdown', 1), ('7342', 1), ('cira', 1), ('angelo', 1), ('bottle', 1), ('bodice', 1), ('rippers', 1), ('3735', 1), ('corporate', 1), ('guaranty', 1), ('marked', 1), ('zero', 1), ('arrival', 1), ('advocate', 1), ('recovery', 1), ('depression', 1), ('haynes', 1), ('texlan', 1), ('str', 1), ('rndlen', 1), ('standouts', 1), ('recorded', 1), ('981525', 1), ('11230', 1), ('9842', 1), ('match', 1), ('pri', 1), ('smeg', 1), ('accomplishments', 1), ('alternative', 1), ('bkst', 1), ('pknns', 1), ('enlargkmknt', 1), ('pnlls', 1), ('offend', 1), ('5848', 1), ('copies', 1), ('disc', 1), ('92886', 1), ('ranks', 1), ('growth', 1), ('aipproved', 1), ('lls', 1), ('nlarge', 1), ('crony', 1), ('francis', 1), ('manes', 1), ('pion', 1), ('rsvp', 1), ('hop', 1), ('seadrift', 1), ('1332', 1), ('sucked', 1), ('yours', 1), ('virus', 1), ('rest', 1), ('coach', 1), ('statement', 1), ('conditions', 1), ('70550', 1), ('tinydrive', 1), ('187', 1), ('russian', 1), ('agents', 1), ('compromised', 1), ('tagg', 1), ('589257', 1), ('dpie', 1), ('timeline', 1), ('calendars', 1), ('pilot', 1), ('cogen', 1), ('measurement', 1), ('cuumm', 1), ('sooooome', 1), ('heelp', 1), ('sometiiiiimes', 1), ('marcia', 1), ('curry', 1), ('res', 1), ('corrigendum', 1), ('mythology', 1), ('emery', 1), ('lockstep', 1), ('caleb', 1), ('baboon', 1), ('alkane', 1), ('perceive', 1), ('lifeguard', 1), ('contractual', 1), ('cyrillic', 1), ('library', 1), ('wrigley', 1), ('calendar', 1), ('alkaline', 1), ('vortices', 1), ('alibi', 1), ('michele', 1), ('elements', 1), ('depth', 1), ('exposing', 1), ('housewife', 1), ('father', 1), ('grandma', 1), ('pymt', 1), ('adjustment', 1), ('corhshucker', 1), ('toolbox', 1), ('94', 1), ('qsa', 1), ('4179', 1), ('goliad', 1), ('expatriate', 1), ('antigen', 1), ('downstairs', 1), ('hundreds', 1), ('oh', 1), ('ydx', 1), ('bd', 1), ('lagrangian', 1), ('escalation', 1), ('procedures', 1), ('visit', 1), ('many', 1), ('filter', 1), ('lets', 1), ('gqh', 1), ('90702', 1), ('madeline', 1), ('pharma', 1), ('sugper', 1), ('viagrga', 1), ('fabuklous', 1), ('miscellaneous', 1), ('thamm', 1), ('cock', 1), ('pharxmacy', 1), ('homeowners', 1), ('manufactor', 1), ('exxonmobil', 1), ('1063', 1), ('candle', 1), ('lighting', 1), ('colloquy', 1), ('situation', 1), ('perfumery', 1), ('gorgon', 1), ('san', 1), ('jacinto', 1), ('pressure', 1), ('del', 1), ('wear', 1), ('story', 1), ('anymore', 1), ('astra', 1), ('revealed', 1), ('largest', 1), ('store', 1), ('passed', 1), ('marinfonet', 1), ('suzette', 1), ('generative', 1), ('wardrobes', 1), ('cellular', 1), ('express', 1), ('jobs', 1), ('classic', 1), ('exceptions', 1), ('timekeeping', 1), ('buhler', 1), ('9860', 1), ('stops', 1), ('costs', 1), ('tions', 1), ('sean', 1), ('acceptors', 1), ('opulent', 1), ('screw', 1), ('tscmiwli', 1), ('keystone', 1), ('dart', 1), ('arnaez', 1), ('mover', 1), ('advisory', 1), ('freee', 1), ('undervalued', 1), ('minutes', 1), ('blob', 1), ('clatter', 1), ('nelson', 1), ('ferries', 1), ('dealmaker', 1), ('neal', 1), ('asset', 1), ('schumack', 1), ('sherlyn', 1), ('kinsey', 1), ('discovery', 1), ('admired', 1), ('ranking', 1), ('called', 1), ('20000', 1), ('danger', 1), ('phenylpropanolamine', 1), ('blockbuster', 1), ('entertainment', 1), ('accumuiate', 1), ('leveis', 1), ('ming', 1), ('cornelius', 1), ('986589', 1), ('rease', 1), ('ic', 1), ('engt', 1), ('kslkbkcrbavoc', 1), ('egm', 1), ('crude', 1), ('996', 1), ('449', 1), ('fa', 1), ('mily', 1), ('fre', 1), ('gap', 1), ('certificates', 1), ('cortizyte', 1), ('revolutionary', 1), ('snap', 1), ('explosion', 1), ('immoderate', 1), ('proposer', 1), ('fargo', 1), ('amt', 1), ('hassle', 1), ('embarrassment', 1), ('joke', 1), ('paths', 1), ('wondder', 1), ('986290', 1), ('hills', 1), ('8022', 1), ('scada', 1), ('anomaly', 1), ('boys', 1), ('3881', 1), ('px', 1), ('transform', 1), ('uppercase', 1), ('color', 1), ('ffffff', 1), ('verdana', 1), ('arial', 1), ('helvetica', 1), ('sans', 1), ('serif', 1), ('eyebrow', 1), ('opt', 1), ('unsubscribe', 1), ('titles', 1), ('20032', 1), ('creative', 1), ('premium', 1), ('antivirus', 1), ('20055', 1), ('20046', 1), ('draw', 1), ('127', 1), ('maya', 1), ('wavefrtl', 1), ('premiere', 1), ('apple', 1), ('customers', 1), ('bought', 1), ('899', 1), ('830', 1), ('92', 1), ('analyze', 1), ('databases', 1), ('xml', 1), ('sharing', 1), ('rules', 1), ('irm', 1), ('wizards', 1), ('newsletters', 1), ('printed', 1), ('materials', 1), ('preformatted', 1), ('768', 1), ('longhorn', 1), ('279', 1), ('49', 1), ('85', 1), ('designed', 1), ('businesses', 1), ('sizes', 1), ('ability', 1), ('encrypt', 1), ('folders', 1), ('voice', 1), ('messaging', 1), ('integration', 1), ('servers', 1), ('868', 1), ('cs', 1), ('599', 1), ('529', 1), ('personalized', 1), ('settings', 1), ('shortcuts', 1), ('unparalleled', 1), ('efficiency', 1), ('tasks', 1), ('scripts', 1), ('improved', 1), ('design', 1), ('possibilities', 1), ('intuitive', 1), ('bit', 1), ('raw', 1), ('pixels', 1), ('modify', 1), ('painting', 1), ('retouching', 1), ('tools', 1), ('498', 1), ('nb', 1), ('vallum', 1), ('evitra', 1), ('harmacies', 1), ('dystrophy', 1), ('undiscovered', 1), ('uncovered', 1), ('3425', 1), ('dos', 1), ('yh', 1), ('exceptional', 1), ('0986725', 1), ('encina', 1), ('humble', 1), ('behalf', 1), ('bruce', 1), ('mcmills', 1), ('9750', 1), ('mustang', 1), ('eagle', 1), ('attempt', 1), ('humor', 1), ('107937', 1), ('rdd', 1), ('auxiliary', 1), ('iturean', 1), ('bandstand', 1), ('chat', 1), ('option', 1), ('dave', 1), ('turns', 1), ('normal', 1), ('studs', 1), ('assimilate', 1), ('promiscuity', 1), ('capricorn', 1), ('sse', 1), ('conduce', 1), ('programmer', 1), ('cranston', 1), ('festival', 1), ('ryder', 1), ('atrocity', 1), ('baronial', 1), ('pictorial', 1), ('pyroxene', 1), ('tray', 1), ('rube', 1), ('woven', 1), ('spaghetti', 1), ('casualty', 1), ('ferruginous', 1), ('befog', 1), ('glans', 1), ('blackfeet', 1), ('bounty', 1), ('waterproof', 1), ('live', 1), ('delete', 1), ('participants', 1), ('1497', 1), ('satisfaction', 1), ('visits', 1), ('pioneer', 1), ('42', 1), ('suites', 1), ('242296', 1), ('expect', 1), ('spending', 1), ('taablets', 1), ('chemist', 1), ('running', 1), ('midtex', 1), ('announcing', 1), ('seminar', 1), ('game', 1), ('affair', 1), ('reconnect', 1), ('browse', 1), ('coast', 1), ('dyersdale', 1), ('exciuslve', 1), ('oun', 1), ('models', 1), ('eric', 1), ('guarantee', 1), ('stocking', 1), ('stuffer', 1), ('key', 1), ('success', 1), ('pressly', 1), ('attention', 1), ('remote', 1), ('impress', 1), ('midband', 1), ('reviewers', 1), ('mergers', 1), ('flagstaff', 1), ('pphentermine', 1), ('suppress', 1), ('appetite', 1), ('worksheets', 1), ('lisbet', 1), ('newton', 1), ('96001985', 1), ('334995', 1), ('66', 1), ('surveys', 1), ('druuugs', 1), ('onliiiiine', 1), ('cheaaaap', 1), ('howdy', 1), ('balance', 1), ('deliquescent', 1), ('quite', 1), ('temp', 1), ('continuous', 1), ('wth', 1), ('when', 1), ('famous', 1), ('gave', 1), ('asked', 1), ('charged', 1), ('simple', 1), ('economize', 1), ('retro', 1), ('smal', 1), ('oppurtunities', 1), ('shooting', 1), ('4722704408', 1), ('reliable', 1), ('convenient', 1), ('drugstore', 1), ('along', 1), ('provided', 1), ('licensed', 1), ('pharmcy', 1), ('readyyet', 1), ('quailty', 1), ('involutory', 1), ('occidental', 1), ('battleground', 1), ('1485', 1), ('vulgar', 1), ('sparkasse', 1), ('brazilian', 1), ('style', 1), ('baby', 1), ('nqwjsb', 1), ('imzccexvwra', 1), ('maryland', 1), ('expose', 1), ('romance', 1), ('dallas', 1), ('afternoon', 1), ('told', 1), ('copanop', 1), ('sordo', 1), ('await', 1), ('liquide', 1), ('mind', 1), ('40085', 1), ('discreetly', 1), ('verbose', 1), ('adele', 1), ('bian', 1), ('org', 1), ('pi', 1), ('ercing', 1), ('ven', 1), ('martin', 1), ('luther', 1), ('unsolicited', 1), ('material', 1), ('chest', 1), ('ciiallis', 1), ('arc', 1), ('uptick', 1), ('sharess', 1), ('lky', 1), ('le', 1), ('dcrgvabyssyzbr', 1), ('fuck', 1), ('amicable', 1), ('takes', 1), ('pe', 1), ('nis', 1), ('ize', 1), ('mat', 1), ('ters', 1), ('yhvqbvdboevkcd', 1), ('left', 1), ('games', 1), ('poem', 1), ('989614', 1), ('alternate', 1), ('testimonial', 1), ('skuper', 1), ('viakgra', 1), ('loquacity', 1), ('beloit', 1), ('cilia', 1), ('upbraid', 1), ('foursquare', 1), ('puppyish', 1), ('backward', 1), ('rapport', 1), ('councilwoman', 1), ('rood', 1), ('circumcircle', 1), ('tootle', 1), ('awake', 1), ('hamster', 1), ('duplicate', 1), ('amino', 1), ('blubber', 1), ('teleprocessing', 1), ('ignore', 1), ('immigrant', 1), ('iowa', 1), ('buteo', 1), ('estes', 1), ('frederick', 1), ('throng', 1), ('galt', 1), ('deerstalker', 1), ('digitalis', 1), ('furnish', 1), ('mmomy', 1), ('adios', 1), ('boss', 1), ('secretary', 1), ('unusual', 1), ('male', 1), ('enhancement', 1), ('selecting', 1), ('quickenloans', 1), ('traffic', 1), ('ia', 1), ('five', 1), ('nights', 1), ('wyndham', 1), ('mops', 1), ('raymond', 1), ('bowen', 1), ('exec', 1), ('finance', 1), ('treasurer', 1), ('hii', 1), ('changeover', 1), ('cox', 1), ('governor', 1), ('daniel', 1), ('liberty', 1), ('wrenches', 1), ('flier', 1), ('alienation', 1), ('bayport', 1), ('felt', 1), ('stiffen', 1), ('goo', 1), ('hair', 1), ('face', 1), ('cription', 1), ('vlc', 1), ('dln', 1), ('crip', 1), ('tion', 1), ('hope', 1), ('cooperate', 1), ('bosses', 1), ('channels', 1), ('sexuaal', 1), ('rebirth', 1), ('install', 1), ('600', 1), ('jessamy', 1), ('extensions', 1), ('chronoswiss', 1), ('isleyc', 1), ('100', 1), ('pneis', 1), ('elnramgnet', 1), ('rkao', 1), ('inactivations', 1), ('mcdonald', 1), ('giftlist', 1), ('hallo', 1), ('mein', 1), ('unbekannter', 1), ('6788', 1), ('sad', 1), ('history', 1), ('neuweiler', 1), ('6736', 1), ('9638', 1), ('1997', 1), ('1188', 1), ('growing', 1), ('ignored', 1), ('wall', 1), ('location', 1), ('heavy', 1), ('dollar', 1), ('755', 1), ('379', 1), ('connects', 1), ('215', 1), ('pass', 1), ('gals', 1), ('seeking', 1), ('cqg', 1), ('lij', 1), ('tirb', 1), ('xhzcixu', 1), ('109660', 1), ('nine', 1), ('hands', 1), ('around', 1), ('worldwide', 1), ('xania', 1), ('uqueyvisxkhi', 1), ('atmic', 1), ('hurta', 1), ('coffee', 1), ('maker', 1), ('gevalia', 1), ('svs', 1), ('6878', 1), ('rooming', 1), ('148376', 1), ('implementation', 1), ('springs', 1), ('djfr', 1), ('ngpa', 1), ('uiccib', 1), ('viarga', 1), ('ri', 1), ('married', 1), ('porstitute', 1), ('pohto', 1), ('galleries', 1), ('reverse', 1), ('convenes', 1), ('permian', 1), ('medi', 1), ('lar', 1), ('ge', 1), ('ural', 1), ('worked', 1), ('infinitesimal', 1), ('ingest', 1), ('534', 1), ('chea', 1), ('used', 1), ('congratulate', 1), ('saint', 1), ('patrick', 1), ('later', 1), ('superviagra', 1), ('rices', 1), ('charges', 1), ('funny', 1), ('laser', 1), ('unaccounted', 1), ('entourage', 1), ('stockmogul', 1), ('soldout', 1), ('eshopping', 1), ('advantage', 1), ('cyberstore', 1), ('aq', 1), ('prissy', 1), ('abe', 1), ('dainty', 1), ('bifocal', 1), ('kalmia', 1), ('coarsen', 1), ('bob', 1), ('calumniate', 1), ('chaparral', 1), ('cavernous', 1), ('insurance', 1), ('scription', 1), ('dru', 1), ('gs', 1), ('retrieving', 1), ('pascal', 1), ('ecs', 1), ('soton', 1), ('ac', 1), ('uk', 1), ('tittletattle', 1), ('269123', 1), ('downtime', 1), ('edi', 1), ('pipes', 1), ('pipelines', 1), ('dial', 1), ('981491', 1), ('xterasys', 1), ('mbps', 1), ('timelines', 1), ('sessions', 1), ('986296', 1), ('champions', 1), ('2186', 1), ('gate', 1), ('innovative', 1), ('sized', 1), ('seencs', 1), ('nasty', 1), ('slut', 1), ('womans', 1), ('die', 1), ('aiw', 1), ('counterparty', 1), ('92237', 1), ('hottest', 1), ('rebel', 1), ('dermatology', 1), ('neurology', 1), ('pathology', 1), ('indemand', 1), ('sports', 1), ('magic', 1), ('1386', 1), ('appeal', 1), ('democrat', 1), ('inspection', 1), ('byronizes', 1), ('266149', 1), ('placing', 1), ('tess', 1), ('arrowhead', 1), ('fantastic', 1), ('1294', 1), ('981389', 1), ('mt', 1), ('belvieu', 1), ('trident', 1), ('ngl', 1), ('scriptions', 1), ('kind', 1), ('neat', 1), ('cds', 1), ('al', 1), ('311', 1), ('dd', 1), ('toronto', 1), ('pharmac', 1), ('euticals', 1), ('secure', 1), ('presc', 1), ('ription', 1), ('coincide', 1), ('confrere', 1), ('inclosing', 1), ('viia', 1), ('reliability', 1), ('council', 1), ('purge', 1), ('event', 1), ('profiler', 1), ('journal', 1), ('soulmate', 1), ('dripping', 1), ('wmeon', 1), ('plcs', 1), ('incredibly', 1), ('83', 1), ('unconscionable', 1), ('botching', 1), ('5098', 1), ('695', 1), ('entire', 1), ('wknd', 1), ('luge', 1), ('condoms', 1), ('1591', 1), ('lamay', 1), ('gaslift', 1), ('smokers', 1), ('electric', 1), ('flowing', 1), ('cotton', 1), ('valley', 1), ('redeliveries', 1), ('ranger', 1), ('llc', 1), ('main', 1), ('trending', 1), ('craving', 1), ('rolexes', 1), ('3405', 1), ('allocated', 1), ('nomed', 1), ('coaching', 1), ('reuters', 1), ('6063', 1), ('mokeen', 1), ('ds', 1), ('cardiology', 1), ('radiology', 1), ('hospitals', 1), ('172', 1), ('hospital', 1), ('administrators', 1), ('connection', 1), ('dows', 1), ('ppa', 1), ('helps', 1), ('undress', 1), ('bathroom', 1), ('duve', 1), ('khumalo', 1), ('levitra', 1), ('pharmacies', 1), ('dc', 1), ('flack', 1), ('demolition', 1), ('advert', 1), ('academy', 1), ('crosshatch', 1), ('nuptial', 1), ('downpour', 1), ('anchor', 1), ('ambling', 1), ('dade', 1), ('umbra', 1), ('aeneas', 1), ('verdant', 1), ('aviary', 1), ('coffey', 1), ('crispin', 1), ('anise', 1), ('deregulatory', 1), ('levee', 1), ('investinme', 1), ('login', 1), ('tutored', 1), ('ed', 1), ('lolitas', 1), ('codifying', 1), ('beagles', 1), ('sure', 1), ('gigavolt', 1), ('989648', 1), ('tram', 1), ('transtexas', 1), ('thompson', 1), ('01405', 1), ('oxxxyyconnntin', 1), ('scriptt', 1), ('3000', 1), ('breakfast', 1), ('bounce', 1), ('skel', 1), ('submission', 1), ('washington', 1), ('mutual', 1), ('cfp', 1), ('int', 1), ('delivering', 1), ('wedelmusic', 1), ('spain', 1), ('anonymously', 1), ('55486', 1), ('melcher', 1), ('sightseer', 1), ('picks', 1), ('precision', 1), ('oto', 1), ('5146', 1), ('xta', 1), ('hk', 1), ('fixed', 1), ('enw', 1), ('8741', 1), ('1587', 1), ('104210', 1), ('sluts', 1), ('had', 1), ('tewnty', 1), ('coca', 1), ('mbna', 1), ('nascar', 1), ('imts', 1), ('suprise', 1), ('1300', 1), ('woodworking', 1), ('tip', 1), ('pyrrhic', 1), ('taxonomy', 1), ('980437', 1), ('remaining', 1), ('cruise', 1), ('nts', 1), ('mexico', 1), ('197', 1), ('tremendous', 1), ('resigns', 1), ('prizes', 1), ('flat', 1), ('goerner', 1), ('prom', 1), ('dress', 1), ('companies', 1), ('shelby', 1), ('supersavings', 1), ('hannibal', 1), ('eops', 1), ('questionnaire', 1), ('1394', 1), ('babies', 1), ('bitch', 1), ('asess', 1), ('fileld', 1), ('aggie', 1), ('vaio', 1), ('nice', 1), ('neighbour', 1), ('girl', 1), ('cumming', 1), ('ong', 1), ('fmcwjyjx', 1), ('mvae', 1), ('nz', 1), ('6487', 1), ('rangel', 1), ('dewpoint', 1), ('centimeters', 1), ('64', 1), ('duplications', 1), ('immortal', 1), ('spend', 1), ('ass', 1), ('sister', 1), ('junction', 1), ('987012', 1), ('expedia', 1), ('anime', 1), ('forever', 1), ('installation', 1), ('completed', 1), ('kiss', 1), ('oo', 1), ('impotence', 1), ('copanno', 1), ('relax', 1), ('muscle', 1), ('smallest', 1), ('massager', 1), ('turn', 1), ('ons', 1), ('prlces', 1), ('burch', 1), ('yahoo', 1), ('5593', 1), ('nvhcs', 1), ('bvy', 1), ('roc', 1), ('ship', 1), ('ping', 1), ('anna', 1), ('instantly', 1), ('spinner', 1), ('108058', 1), ('cologne', 1), ('500', 1), ('ki', 1), ('hzhrb', 1), ('inbound', 1), ('quarantined', 1), ('wholesale', 1), ('dleivery', 1), ('tzvtwhqeldl', 1), ('sildenafil', 1), ('citrate', 1), ('dolpin', 1), ('980439', 1), ('changed', 1), ('86', 1), ('vindictive', 1), ('redefined', 1), ('hiring', 1), ('985579', 1), ('sleep', 1), ('opra', 1), ('cnb', 1), ('cohere', 1), ('handicraftsman', 1), ('planned', 1), ('ii', 1), ('metter', 1), ('playstation', 1), ('payroll', 1), ('1600', 1), ('needing', 1), ('northern', 1), ('withdrawal', 1), ('basf', 1), ('revisons', 1), ('moore', 1), ('switzerland', 1), ('evening', 1), ('emergency', 1), ('planet', 1), ('reconfirmation', 1), ('neither', 1), ('rac', 1), ('egf', 1), ('nor', 1), ('members', 1), ('others', 1), ('living', 1), ('painn', 1), ('killers', 1), ('weiight', 1), ('docctor', 1), ('fviagr', 1), ('cval', 1), ('royal', 1), ('brands', 1), ('woman', 1), ('didn', 1), ('patricia', 1), ('unthinking', 1), ('respect', 1), ('greatest', 1), ('enemy', 1), ('truth', 1), ('garth', 1), ('howard', 1), ('law', 1), ('various', 1), ('neuro', 1), ('tests', 1), ('paycheck', 1), ('municipal', 1), ('toxic', 1), ('emmissions', 1), ('geeeeeneriic', 1), ('viiiagraa', 1), ('passwords', 1), ('sybase', 1), ('executed', 1), ('legacy', 1), ('prayer', 1), ('norwich', 1), ('657549', 1), ('oney', 1), ('bay', 1), ('jehovah', 1), ('ljdjifz', 1), ('zip', 1), ('bankruptcy', 1), ('6240', 1), ('food', 1), ('sacrificial', 1), ('velocity', 1), ('hanks', 1), ('bachelor', 1), ('tdk', 1), ('labeling', 1), ('os', 1), ('administrator', 1), ('9990835', 1), ('witch', 1), ('157288', 1), ('335', 1), ('305', 1), ('wheelbase', 1), ('glnbkp', 1), ('appanage', 1), ('huh', 1), ('dreyfus', 1), ('temporarily', 1), ('allen', 1), ('center', 1), ('gop', 1), ('haddad', 1), ('verified', 1), ('advice', 1), ('vance', 1), ('gtsak', 1), ('tigow', 1), ('misordering', 1), ('client', 1), ('utaby', 1), ('sto', 1), ('cks', 1), ('evergreen', 1), ('renew', 1), ('hepatitis', 1), ('psc', 1), ('1315', 1), ('nicolas', 1), ('tina', 1), ('jim', 1), ('come', 1), ('anything', 1), ('else', 1), ('nopr', 1), ('recalls', 1), ('released', 1), ('988291', 1), ('wave', 1), ('harassment', 1), ('avoidance', 1), ('parade', 1), ('pricedstocks', 1), ('apwl', 1), ('pk', 1), ('reamer', 1), ('erich', 1), ('ciallis', 1), ('softabs', 1), ('onlly', 1), ('ayfy', 1), ('980072', 1), ('dq', 1), ('handycam', 1), ('third', 1), ('tristar', 1), ('ctg', 1), ('ir', 1), ('counties', 1), ('types', 1), ('gemc', 1), ('clair', 1), ('race', 1), ('yet', 1), ('walium', 1), ('clalls', 1), ('adrian', 1), ('hideout', 1), ('destination', 1), ('pntermi', 1), ('rjmfswksttjn', 1), ('settlement', 1), ('982694', 1), ('zavisch', 1), ('handheldmed', 1), ('casings', 1), ('200', 1), ('parking', 1), ('expl', 1), ('processed', 1), ('fed', 1), ('polar', 1), ('dilettantes', 1), ('defined', 1), ('702', 1), ('local', 1), ('oncall', 1), ('sheets', 1), ('pervers', 1), ('pgtt', 1), ('introducing', 1), ('cm', 1), ('buffett', 1), ('tour', 1), ('dates', 1)]
[('-', 4895), ('.', 2917), (',', 1811), ('the', 1579), ('/', 1505), ('to', 1012), (':', 776), ('for', 714), ('and', 617), ('on', 572), ('i', 543), ('you', 536), ('a', 534), ('is', 533), ('of', 461), ("'", 382), ('daren', 379), ('=', 369), ('in', 359), (')', 358), ('(', 343), ('this', 341), ('we', 338), ('attached', 332), ('!', 305), ('?', 305), ('have', 289), ('be', 288), ('enron', 286), ('see', 273), ('2000', 267), ('that', 259), ('by', 251), ('please', 243), ('will', 236), ('file', 231), ('with', 229), ('are', 225), ('at', 224), ('it', 224), ('000', 214), ('xls', 214), ('s', 200), ('from', 197), ('your', 176), ('deal', 176), ('forwarded', 169), ('our', 162), ('gas', 162), ('$', 155), ('as', 146), ('has', 139), ('hpl', 139), ('here', 132), ('not', 129), ('me', 126), ('1', 125), ('all', 124), ('meter', 119), ('corp', 117), ('00', 113), ('if', 112), ('&', 109), ('ami', 107), ('teco', 107), ('can', 106), ('fyi', 106), ('been', 105), ('2', 104), ('new', 103), ('3', 103), ('was', 102), ('tap', 102), ('chokshi', 98), ('up', 97), (';', 96), ('need', 95), ('there', 94), ('"', 94), ('t', 92), ('%', 91), ('10', 89), ('an', 87), ('price', 87), ('get', 86), ('hplno', 86), ('following', 85), ('hi', 85), ('5', 85), ('do', 84), ('#', 84), ('2001', 83), ('just', 81), ('but', 79), ('d', 78), ('mmbtu', 77), ('my', 75), ('out', 74), ('or', 72), ('want', 71), ('one', 71), ('day', 70), ('01', 70), ('know', 69), ('30', 68), ('what', 68), ('into', 67), ('should', 67), ('4', 66), ('would', 65), ('effective', 63), ('no', 63), ('7', 62), ('more', 62), ('th', 62), ('hplo', 62), ('0', 62), ('11', 61), ('daily', 61), ('now', 60), ('m', 59), ('agree', 59), ('any', 58), ('am', 58), ('save', 58), ('these', 57), ('may', 57), ('12', 57), ('about', 56), ('let', 56), ('06', 56), ('e', 55), ('iferc', 55), ('9', 55), ('_', 55), ('eastrans', 54), ('8', 54), ('so', 54), ('message', 54), ('they', 53), ('only', 53), ('she', 53), ('thanks', 53), ('hello', 53), ('99', 52), ('20', 52), ('some', 51), ('deals', 50), ('back', 49), ('sitara', 48), ('plant', 48), ('time', 48), ('email', 48), ('6', 48), ('hey', 47), ('>', 47), ('darren', 47), ('today', 46), ('over', 46), ('nomination', 46), ('ect', 46), ('com', 45), ('volumes', 45), ('information', 45), ('flow', 44), ('like', 44), ('image', 44), ('[', 43), ('click', 43), ('volume', 42), ('had', 42), ('first', 42), ('dear', 42), ('week', 42), ('deliveries', 41), ('march', 41), ('hou', 41), (']', 41), ('nom', 40), ('vance', 39), ('list', 39), ('hplnl', 39), ('go', 38), ('april', 38), ('*', 38), ('us', 37), ('find', 36), ('her', 36), ('don', 36), ('original', 36), ('@', 35), ('good', 35), ('which', 35), ('their', 35), ('two', 34), ('still', 34), ('make', 34), ('03', 34), ('windows', 34), ('http', 34), ('per', 33), ('month', 33), ('xp', 33), ('02', 33), ('dy', 32), ('office', 32), ('did', 32), ('than', 32), ('when', 32), ('changes', 32), ('texas', 32), ('software', 31), ('how', 31), ('he', 31), ('methanol', 31), ('below', 31), ('|', 31), ('28', 31), ('help', 30), ('off', 30), ('15', 30), ('number', 30), ('w', 30), ('order', 30), ('june', 29), ('who', 29), ('sent', 29), ('think', 29), ('ll', 29), ('were', 29), ('ticket', 29), ('change', 29), ('tenaska', 29), ('company', 29), ('look', 28), ('p', 28), ('name', 28), ('great', 28), ('60', 28), ('sale', 28), ('25', 28), ('sales', 28), ('well', 28), ('going', 27), ('bob', 27), ('tom', 27), ('gary', 27), ('50', 27), ('retail', 27), ('system', 27), ('down', 26), ('online', 26), ('friday', 26), ('them', 26), ('last', 26), ('set', 26), ('morning', 26), ('available', 26), ('19', 26), ('microsoft', 26), ('through', 26), ('ena', 26), ('looking', 25), ('also', 25), ('call', 25), ('mail', 25), ('other', 25), ('best', 25), ('contract', 25), ('paliourg', 25), ('font', 25), ('b', 25), ('note', 24), ('o', 24), ('24', 24), ('july', 24), ('pm', 24), ('above', 24), ('agreement', 24), ('thank', 23), ('sure', 23), ('demand', 23), ('spoke', 23), ('80', 23), ('send', 23), ('05', 23), ('report', 23), ('desk', 23), ('17', 23), ('29', 23), ('natural', 23), ('31', 23), ('16', 23), ('revised', 23), ('received', 23), ('next', 22), ('21', 22), ('take', 22), ('much', 22), ('low', 22), ('ve', 22), ('spreadsheet', 22), ('22', 22), ('purchase', 22), ('iv', 22), ('l', 22), ('27', 22), ('18', 22), ('january', 22), ('26', 22), ('use', 21), ('same', 21), ('most', 21), ('come', 21), ('year', 21), ('each', 21), ('again', 21), ('c', 21), ('people', 21), ('09', 21), ('meters', 21), ('special', 21), ('september', 21), ('13', 21), ('re', 20), ('keep', 20), ('home', 20), ('show', 20), ('regarding', 20), ('23', 20), ('under', 20), ('products', 20), ('requirements', 20), ('numbers', 20), ('txu', 20), ('08', 20), ('info', 20), ('scheduled', 20), ('added', 20), ('forward', 20), ('rnd', 20), ('04', 20), ('put', 19), ('try', 19), ('right', 19), ('review', 19), ('where', 19), ('being', 19), ('+', 19), ('14', 19), ('days', 19), ('management', 19), ('mary', 19), ('500', 19), ('production', 19), ('monday', 19), ('said', 18), ('made', 18), ('read', 18), ('energy', 18), ('www', 18), ('done', 18), ('robert', 18), ('entered', 18), ('meeting', 18), ('group', 18), ('customer', 18), ('hplnol', 18), ('november', 18), ('professional', 18), ('offer', 18), ('those', 18), ('cheap', 18), ('buy', 18), ('adobe', 18), ('stacey', 18), ('drugs', 18), ('alt', 18), ('quality', 17), ('could', 17), ('december', 17), ('very', 17), ('line', 17), ('after', 17), ('u', 17), ('fee', 17), ('100', 17), ('february', 17), ('coming', 17), ('size', 17), ('getting', 17), ('r', 17), ('actuals', 17), ('tickets', 17), ('x', 17), ('add', 16), ('page', 16), ('why', 16), ('k', 16), ('team', 16), ('sorry', 16), ('nominates', 16), ('prices', 16), ('point', 16), ('feb', 16), ('due', 16), ('changed', 16), ('date', 16), ('request', 16), ('additional', 16), ('transport', 16), ('2004', 16), ('wanted', 16), ('dec', 16), ('tuesday', 16), ('end', 15), ('three', 15), ('got', 15), ('meds', 15), ('schedule', 15), ('download', 15), ('currently', 15), ('removed', 15), ('less', 15), ('takes', 15), ('pricing', 15), ('october', 15), ('pro', 15), ('brand', 15), ('address', 15), ('guys', 15), ('julie', 15), ('august', 15), ('jan', 15), ('money', 15), ('times', 14), ('city', 14), ('big', 14), ('old', 14), ('went', 14), ('wednesday', 14), ('because', 14), ('check', 14), ('needs', 14), ('never', 14), ('unsubscribe', 14), ('32', 14), ('lamphier', 14), ('cd', 14), ('id', 14), ('easy', 14), ('cleburne', 14), ('95', 14), ('based', 14), ('g', 14), ('night', 14), ('technology', 14), ('questions', 14), ('increase', 14), ('plan', 14), ('45', 14), ('medications', 14), ('inc', 14), ('loading', 14), ('phone', 14), ('spot', 14), ('duke', 14), ('net', 14), ('weekend', 14), ('better', 14), ('07', 14), ('called', 13), ('thru', 13), ('used', 13), ('even', 13), ('way', 13), ('pain', 13), ('h', 13), ('his', 13), ('total', 13), ('wellhead', 13), ('penis', 13), ('love', 13), ('120', 13), ('several', 13), ('memo', 13), ('needed', 13), ('manual', 13), ('access', 13), ('server', 13), ('800', 13), ('current', 13), ('having', 13), ('75', 13), ('super', 13), ('40', 13), ('since', 13), ('future', 13), ('stock', 13), ('nominate', 13), ('activity', 13), ('contact', 13), ('via', 13), ('issue', 13), ('business', 12), ('work', 12), ('few', 12), ('part', 12), ('long', 12), ('trading', 12), ('top', 12), ('until', 12), ('welcome', 12), ('yesterday', 12), ('solution', 12), ('vacation', 12), ('once', 12), ('follow', 12), ('box', 12), ('full', 12), ('problems', 12), ('width', 12), ('without', 12), ('able', 12), ('using', 12), ('product', 12), ('flowed', 12), ('outage', 12), ('term', 12), ('y', 12), ('doing', 12), ('pay', 12), ('firm', 12), ('houston', 12), ('decrease', 12), ('el', 12), ('correct', 12), ('viagra', 12), ('watch', 12), ('didn', 12), ('little', 12), ('yet', 12), ('requested', 12), ('98', 11), ('high', 11), ('saturday', 11), ('working', 11), ('lst', 11), ('move', 11), ('thing', 11), ('man', 11), ('life', 11), ('left', 11), ('ever', 11), ('provide', 11), ('website', 11), ('stop', 11), ('mobil', 11), ('shop', 11), ('thursday', 11), ('{', 11), ('}', 11), ('code', 11), ('give', 11), ('within', 11), ('2003', 11), ('services', 11), ('instant', 11), ('conversation', 11), ('credit', 11), ('announce', 11), ('expected', 11), ('anything', 11), ('mike', 11), ('control', 11), ('`', 11), ('delivery', 11), ('shows', 11), ('between', 11), ('global', 11), ('farmer', 11), ('might', 11), ('wait', 11), ('brian', 11), ('international', 11), ('thought', 11), ('rate', 11), ('prescription', 11), ('chance', 11), ('asked', 10), ('together', 10), ('doc', 10), ('late', 10), ('hot', 10), ('form', 10), ('cause', 10), ('such', 10), ('hard', 10), ('real', 10), ('letter', 10), ('j', 10), ('35', 10), ('unify', 10), ('during', 10), ('hours', 10), ('guess', 10), ('comes', 10), ('possible', 10), ('friend', 10), ('oem', 10), ('charge', 10), ('security', 10), ('problem', 10), ('person', 10), ('issues', 10), ('does', 10), ('confirmed', 10), ('already', 10), ('cost', 10), ('base', 10), ('savings', 10), ('2005', 10), ('v', 10), ('f', 10), ('computer', 10), ('looks', 10), ('copy', 10), ('entex', 10), ('paso', 10), ('aimee', 10), ('site', 10), ('n', 10), ('discount', 10), ('card', 10), ('probably', 10), ('link', 10), ('everyone', 10), ('pipeline', 10), ('place', 10), ('notes', 10), ('equistar', 9), ('logistics', 9), ('janet', 9), ('tell', 9), ('write', 9), ('turn', 9), ('start', 9), ('subject', 9), ('store', 9), ('enjoy', 9), ('include', 9), ('provides', 9), ('column', 9), ('continue', 9), ('happy', 9), ('version', 9), ('aware', 9), ('data', 9), ('listed', 9), ('updated', 9), ('around', 9), ('pg', 9), ('swing', 9), ('bought', 9), ('serial', 9), ('features', 9), ('options', 9), ('past', 9), ('david', 9), ('pleased', 9), ('buyback', 9), ('allocated', 9), ('42', 9), ('yes', 9), ('pharmacy', 9), ('medical', 9), ('created', 9), ('hplc', 9), ('approved', 9), ('kwbt', 9), ('its', 9), ('zone', 9), ('handle', 9), ('close', 9), ('eat', 9), ('employees', 9), ('account', 9), ('waha', 9), ('contracts', 9), ('every', 9), ('must', 9), ('fuel', 9), ('dth', 9), ('oil', 9), ('ahead', 9), ('women', 9), ('extend', 9), ('70', 9), ('answer', 9), ('paid', 9), ('nominations', 9), ('soft', 9), ('free', 9), ('65', 9), ('extra', 9), ('both', 9), ('begin', 9), ('cut', 9), ('service', 9), ('too', 9), ('2002', 9), ('lesson', 8), ('away', 8), ('acton', 8), ('run', 8), ('mean', 8), ('idea', 8), ('liz', 8), ('attachment', 8), ('details', 8), ('respond', 8), ('response', 8), ('works', 8), ('direct', 8), ('zero', 8), ('safe', 8), ('verify', 8), ('rx', 8), ('finally', 8), ('financial', 8), ('bgcolor', 8), ('ff', 8), ('unique', 8), ('manage', 8), ('performance', 8), ('270', 8), ('different', 8), ('referenced', 8), ('imbalance', 8), ('update', 8), ('committee', 8), ('pat', 8), ('question', 8), ('cialis', 8), ('seen', 8), ('remove', 8), ('rolex', 8), ('everything', 8), ('lone', 8), ('area', 8), ('longer', 8), ('kids', 8), ('power', 8), ('create', 8), ('believe', 8), ('union', 8), ('52', 8), ('pipe', 8), ('john', 8), ('afternoon', 8), ('tabs', 8), ('manager', 8), ('doctor', 8), ('notice', 8), ('sept', 8), ('rick', 8), ('estimated', 8), ('status', 8), ('news', 8), ('calpine', 8), ('rates', 8), ('early', 8), ('told', 8), ('watches', 8), ('before', 8), ('laptop', 8), ('computers', 8), ('correction', 8), ('according', 7), ('however', 7), ('resources', 7), ('won', 7), ('mtbe', 7), ('another', 7), ('hope', 7), ('act', 7), ('grow', 7), ('live', 7), ('saw', 7), ('men', 7), ('speak', 7), ('ok', 7), ('shut', 7), ('advantage', 7), ('red', 7), ('stay', 7), ('interested', 7), ('north', 7), ('process', 7), ('george', 7), ('trying', 7), ('250', 7), ('33', 7), ('nothing', 7), ('beaumont', 7), ('girls', 7), ('fax', 7), ('rock', 7), ('previously', 7), ('final', 7), ('counterparty', 7), ('Subject:', 7), ('newsletter', 7), ('small', 7), ('color', 7), ('receive', 7), ('images', 7), ('amazon', 7), ('border', 7), ('reach', 7), ('businesses', 7), ('edition', 7), ('center', 7), ('months', 7), ('interview', 7), ('estimates', 7), ('oasis', 7), ('key', 7), ('roll', 7), ('q', 7), ('record', 7), ('really', 7), ('sir', 7), ('something', 7), ('case', 7), ('110', 7), ('while', 7), ('second', 7), ('party', 7), ('china', 7), ('release', 7), ('simple', 7), ('enter', 7), ('world', 7), ('risk', 7), ('actual', 7), ('alert', 7), ('beginning', 7), ('williams', 7), ('megan', 7), ('laser', 7), ('internet', 7), ('51', 7), ('visit', 7), ('paying', 7), ('cowboy', 7), ('further', 7), ('cover', 7), ('adjusted', 7), ('heard', 7), ('points', 7), ('shell', 7), ('confirm', 7), ('redeliveries', 7), ('revisions', 7), ('operations', 7), ('manufacturer', 7), ('coupon', 7), ('average', 7), ('word', 7), ('taken', 7), ('appreciate', 7), ('meet', 7), ('either', 7), ('talked', 7), ('fees', 7), ('aep', 7), ('latest', 7), ('informed', 7), ('tried', 7), ('him', 7), ('soon', 7), ('someone', 7), ('na', 7), ('midcon', 7), ('st', 7), ('star', 7), ('offers', 7), ('susan', 7), ('vicodin', 7), ('making', 7), ('dow', 7), ('bruce', 7), ('mcmills', 7), ('713', 7), ('major', 7), ('car', 7), ('jones', 7), ('always', 7), ('fun', 6), ('held', 6), ('storage', 6), ('plans', 6), ('distribution', 6), ('phillips', 6), ('air', 6), ('own', 6), ('say', 6), ('land', 6), ('trevino', 6), ('iso', 6), ('clear', 6), ('situation', 6), ('remain', 6), ('pills', 6), ('supply', 6), ('growth', 6), ('ls', 6), ('starting', 6), ('hopefully', 6), ('bridge', 6), ('central', 6), ('cpr', 6), ('discuss', 6), ('stacy', 6), ('doesn', 6), ('payment', 6), ('age', 6), ('sex', 6), ('gathering', 6), ('ready', 6), ('bottom', 6), ('talk', 6), ('formula', 6), ('along', 6), ('tired', 6), ('type', 6), ('html', 6), ('align', 6), ('shipping', 6), ('tools', 6), ('build', 6), ('affiliate', 6), ('601', 6), ('designed', 6), ('plus', 6), ('infrastructure', 6), ('connected', 6), ('titles', 6), ('view', 6), ('cilco', 6), ('payback', 6), ('single', 6), ('transaction', 6), ('individuals', 6), ('clickathome', 6), ('clem', 6), ('offshore', 6), ('sending', 6), ('then', 6), ('room', 6), ('market', 6), ('private', 6), ('reports', 6), ('investor', 6), ('book', 6), ('enrononline', 6), ('jackie', 6), ('weeks', 6), ('draft', 6), ('video', 6), ('understanding', 6), ('discussions', 6), ('steve', 6), ('movies', 6), ('mr', 6), ('pass', 6), ('lowest', 6), ('goodbye', 6), ('neal', 6), ('167', 6), ('related', 6), ('moved', 6), ('items', 6), ('90', 6), ('cp', 6), ('leave', 6), ('anita', 6), ('training', 6), ('database', 6), ('reply', 6), ('wed', 6), ('trouble', 6), ('cheryl', 6), ('800000', 6), ('god', 6), ('valero', 6), ('perscriptions', 6), ('receipt', 6), ('member', 6), ('1999', 6), ('wants', 6), ('ci', 6), ('pfizer', 6), ('load', 6), ('amount', 6), ('flowing', 6), ('difference', 6), ('become', 6), ('eric', 6), ('mark', 6), ('ken', 6), ('behalf', 6), ('hear', 6), ('shipper', 6), ('strong', 6), ('generic', 6), ('prior', 6), ('wish', 6), ('instructions', 6), ('came', 6), ('rich', 6), ('hill', 6), ('trade', 6), ('maintenance', 6), ('dynegy', 6), ('topica', 6), ('revision', 5), ('survey', 5), ('large', 5), ('kind', 5), ('communication', 5), ('hsc', 5), ('drive', 5), ('listing', 5), ('confirmation', 5), ('golf', 5), ('specials', 5), ('38', 5), ('popular', 5), ('degree', 5), ('feedback', 5), ('katy', 5), ('rest', 5), ('files', 5), ('white', 5), ('58', 5), ('managers', 5), ('mailing', 5), ('avg', 5), ('37', 5), ('delivered', 5), ('face', 5), ('allocation', 5), ('results', 5), ('million', 5), ('lottery', 5), ('299', 5), ('wlndows', 5), ('exactly', 5), ('enhancement', 5), ('fine', 5), ('heya', 5), ('fontbr', 5), ('9900', 5), ('tdtd', 5), ('td', 5), ('480', 5), ('improved', 5), ('databases', 5), ('multiple', 5), ('steps', 5), ('href', 5), ('campaign', 5), ('users', 5), ('includes', 5), ('ability', 5), ('web', 5), ('secure', 5), ('application', 5), ('building', 5), ('body', 5), ('true', 5), ('384258', 5), ('maybe', 5), ('im', 5), ('increased', 5), ('reminder', 5), ('750', 5), ('co', 5), ('bring', 5), ('pathed', 5), ('tonight', 5), ('dr', 5), ('structure', 5), ('refer', 5), ('36', 5), ('non', 5), ('supplier', 5), ('exchange', 5), ('upon', 5), ('sabrae', 5), ('opportunity', 5), ('killers', 5), ('reading', 5), ('approximately', 5), ('bank', 5), ('fast', 5), ('apache', 5), ('91', 5), ('fix', 5), ('enlargement', 5), ('termination', 5), ('cable', 5), ('agency', 5), ('47', 5), ('checked', 5), ('photoshop', 5), ('corel', 5), ('suite', 5), ('generated', 5), ('light', 5), ('position', 5), ('monitor', 5), ('rita', 5), ('228', 5), ('things', 5), ('bammelyoungfamilies', 5), ('gtc', 5), ('industrial', 5), ('pretty', 5), ('index', 5), ('med', 5), ('health', 5), ('yourself', 5), ('action', 5), ('secret', 5), ('determined', 5), ('completed', 5), ('baumbach', 5), ('voice', 5), ('gb', 5), ('found', 5), ('included', 5), ('resolved', 5), ('tufco', 5), ('mortgage', 5), ('customers', 5), ('absence', 5), ('229', 5), ('pictures', 5), ('support', 5), ('pick', 5), ('reduced', 5), ('field', 5), ('ice', 5), ('upcoming', 5), ('lower', 5), ('suggest', 5), ('forgot', 5), ('0600', 5), ('poorman', 5), ('interest', 5), ('job', 5), ('variance', 5), ('holiday', 5), ('fixed', 5), ('joy', 5), ('immediate', 5), ('purchases', 5), ('invoice', 5), ('tomorrow', 5), ('lisa', 5), ('ialis', 5), ('softabs', 5), ('viiagrra', 5), ('talking', 5), ('nominated', 5), ('remember', 5), ('ic', 5), ('pull', 5), ('placed', 5), ('melissa', 5), ('ordering', 5), ('else', 5), ('220', 5), ('wells', 5), ('bid', 5), ('michael', 5), ('transportation', 5), ('texaco', 5), ('215', 5), ('introducing', 5), ('quick', 5), ('44', 5), ('oct', 5), ('098', 5), ('yap', 5), ('ypil', 5), ('gentlemen', 5), ('material', 5), ('pager', 5), ('requesting', 5), ('cell', 5), ('thu', 5), ('stuff', 5), ('payments', 5), ('valid', 5), ('legal', 5), ('sears', 5), ('remote', 5), ('document', 5), ('dated', 5), ('amazing', 5), ('cartoons', 5), ('normal', 4), ('took', 4), ('side', 4), ('ask', 4), ('eye', 4), ('stars', 4), ('hour', 4), ('selling', 4), ('\\', 4), ('reflects', 4), ('53', 4), ('dating', 4), ('america', 4), ('model', 4), ('carlos', 4), ('lauri', 4), ('christmas', 4), ('summary', 4), ('blue', 4), ('doctors', 4), ('notify', 4), ('adjustments', 4), ('reduce', 4), ('correctly', 4), ('period', 4), ('says', 4), ('victor', 4), ('dvd', 4), ('soffttwares', 4), ('prri', 4), ('ce', 4), ('buuyy', 4), ('cosst', 4), ('sofftwaree', 4), ('prricee', 4), ('savviing', 4), ('254', 4), ('disregard', 4), ('male', 4), ('searching', 4), ('gets', 4), ('family', 4), ('style', 4), ('fancy', 4), ('registration', 4), ('nbsp', 4), ('src', 4), ('allow', 4), ('required', 4), ('incbggc', 4), ('oeol', 4), ('233685', 4), ('339933', 4), ('tr', 4), ('experience', 4), ('design', 4), ('privacy', 4), ('networks', 4), ('210', 4), ('platform', 4), ('applications', 4), ('powerful', 4), ('enhanced', 4), ('whole', 4), ('jay', 4), ('pge', 4), ('reflect', 4), ('perfect', 4), ('resume', 4), ('48', 4), ('unit', 4), ('policy', 4), ('smith', 4), ('87', 4), ('guaranteed', 4), ('known', 4), ('consider', 4), ('worse', 4), ('88', 4), ('wakey', 4), ('bio', 4), ('tech', 4), ('marketing', 4), ('rti', 4), ('premium', 4), ('400', 4), ('network', 4), ('speed', 4), ('acres', 4), ('among', 4), ('companies', 4), ('united', 4), ('press', 4), ('securities', 4), ('8859', 4), ('cap', 4), ('spur', 4), ('met', 4), ('667', 4), ('assignment', 4), ('earlier', 4), ('necessary', 4), ('charlie', 4), ('boat', 4), ('ft', 4), ('apr', 4), ('nick', 4), ('potential', 4), ('personal', 4), ('larger', 4), ('illustrator', 4), ('579', 4), ('59', 4), ('34', 4), ('directly', 4), ('state', 4), ('whether', 4), ('ms', 4), ('shoreline', 4), ('california', 4), ('spend', 4), ('madam', 4), ('201', 4), ('und', 4), ('stack', 4), ('inter', 4), ('mops', 4), ('operating', 4), ('carefully', 4), ('join', 4), ('largest', 4), ('hook', 4), ('pgtt', 4), ('carbide', 4), ('etc', 4), ('project', 4), ('county', 4), ('tx', 4), ('luck', 4), ('spring', 4), ('cotton', 4), ('iit', 4), ('demokritos', 4), ('gr', 4), ('search', 4), ('choose', 4), ('availability', 4), ('rom', 4), ('digital', 4), ('lead', 4), ('immediately', 4), ('wild', 4), ('eff', 4), ('important', 4), ('noms', 4), ('devon', 4), ('advise', 4), ('eol', 4), ('carthage', 4), ('hub', 4), ('follows', 4), ('spinnaker', 4), ('sat', 4), ('season', 4), ('pops', 4), ('monthly', 4), ('inexpensive', 4), ('125', 4), ('billing', 4), ('advised', 4), ('black', 4), ('evergreen', 4), ('sell', 4), ('meetings', 4), ('matt', 4), ('fred', 4), ('reference', 4), ('experiencing', 4), ('attending', 4), ('accepted', 4), ('ago', 4), ('return', 4), ('porn', 4), ('sap', 4), ('appreciation', 4), ('viewing', 4), ('counterparties', 4), ('htmlbody', 4), ('prepare', 4), ('adult', 4), ('conoco', 4), ('road', 4), ('elizabeth', 4), ('discussed', 4), ('bankruptcy', 4), ('oba', 4), ('letters', 4), ('sheet', 4), ('serve', 4), ('ones', 4), ('gen', 4), ('eight', 4), ('conference', 4), ('pipes', 4), ('words', 4), ('york', 4), ('apparently', 4), ('newest', 4), ('rolled', 4), ('jo', 4), ('157288', 4), ('trader', 4), ('regular', 4), ('agreed', 4), ('elsa', 4), ('budget', 4), ('wasting', 4), ('english', 4), ('defs', 4), ('records', 4), ('richard', 4), ('asap', 4), ('recent', 4), ('spreadsheets', 4), ('av', 4), ('antoinette', 4), ('guide', 4), ('brenda', 4), ('buying', 4), ('carey', 4), ('transfer', 4), ('reviewing', 4), ('earliest', 4), ('accounting', 4), ('enough', 4), ('many', 4), ('excess', 4), ('inkjet', 4), ('copier', 4), ('supplies', 4), ('promotions', 4), ('ello', 4), ('suzanne', 4), ('forms', 4), ('medic', 4), ('huge', 4), ('est', 4), ('sold', 4), ('outstanding', 4), ('hp', 4), ('404', 4), ('evening', 4), ('school', 4), ('resolve', 4), ('dallas', 4), ('partners', 4), ('fill', 4), ('kim', 4), ('lacy', 4), ('register', 4), ('216', 4), ('success', 4), ('drop', 3), ('fresh', 3), ('equipment', 3), ('schedulers', 3), ('door', 3), ('bammel', 3), ('neon', 3), ('initial', 3), ('bump', 3), ('play', 3), ('four', 3), ('capri', 3), ('food', 3), ('tree', 3), ('head', 3), ('ranch', 3), ('daughter', 3), ('wondering', 3), ('6296', 3), ('relief', 3), ('wasn', 3), ('penls', 3), ('kingwood', 3), ('cove', 3), ('master', 3), ('noted', 3), ('pipelines', 3), ('208', 3), ('president', 3), ('ceo', 3), ('permanent', 3), ('packed', 3), ('hr', 3), ('agaln', 3), ('greetings', 3), ('evil', 3), ('heart', 3), ('hl', 3), ('sandi', 3), ('prescriptions', 3), ('staff', 3), ('brought', 3), ('notification', 3), ('donna', 3), ('awesome', 3), ('shocking', 3), ('enerfin', 3), ('130', 3), ('profiles', 3), ('young', 3), ('government', 3), ('content', 3), ('text', 3), ('pt', 3), ('490', 3), ('trtdimg', 3), ('bo', 3), ('mzzzzzzz', 3), ('jpg', 3), ('tdtdfont', 3), ('analyze', 3), ('tasks', 3), ('fontbrbr', 3), ('bretail', 3), ('ba', 3), ('sizes', 3), ('standard', 3), ('advanced', 3), ('helps', 3), ('solutions', 3), ('table', 3), ('packet', 3), ('pulling', 3), ('lonestar', 3), ('receiving', 3), ('wife', 3), ('billed', 3), ('gloria', 3), ('gave', 3), ('showing', 3), ('koch', 3), ('71', 3), ('haven', 3), ('705819', 3), ('gift', 3), ('pleasure', 3), ('exercise', 3), ('eventually', 3), ('leaders', 3), ('machine', 3), ('five', 3), ('li', 3), ('continued', 3), ('effort', 3), ('development', 3), ('whose', 3), ('worldwide', 3), ('statements', 3), ('represents', 3), ('joining', 3), ('bad', 3), ('92', 3), ('electronic', 3), ('stubs', 3), ('dollars', 3), ('james', 3), ('internal', 3), ('announced', 3), ('environment', 3), ('lock', 3), ('hanks', 3), ('clarify', 3), ('calculated', 3), ('behind', 3), ('weather', 3), ('ch', 3), ('feeling', 3), ('609', 3), ('266', 3), ('69', 3), ('macromedia', 3), ('reserved', 3), ('ricky', 3), ('crisis', 3), ('debate', 3), ('unfortunately', 3), ('minutes', 3), ('blood', 3), ('remaining', 3), ('meant', 3), ('hassle', 3), ('candidate', 3), ('hpll', 3), ('pil', 3), ('neuweiler', 3), ('6722', 3), ('valued', 3), ('unscheduled', 3), ('lyondell', 3), ('sexy', 3), ('waiting', 3), ('alternative', 3), ('absolutely', 3), ('lot', 3), ('riley', 3), ('national', 3), ('rohm', 3), ('haas', 3), ('derm', 3), ('street', 3), ('percent', 3), ('born', 3), ('valley', 3), ('499', 3), ('glad', 3), ('favorite', 3), ('planning', 3), ('ended', 3), ('tape', 3), ('pc', 3), ('creative', 3), ('flash', 3), ('830', 3), ('ise', 3), ('media', 3), ('accessories', 3), ('versionsfeatures', 3), ('rank', 3), ('expires', 3), ('reviews', 3), ('85', 3), ('music', 3), ('customized', 3), ('automate', 3), ('bit', 3), ('camera', 3), ('photos', 3), ('apply', 3), ('island', 3), ('garden', 3), ('additions', 3), ('torch', 3), ('tv', 3), ('consultation', 3), ('brad', 3), ('balanced', 3), ('looked', 3), ('\x01', 3), ('value', 3), ('except', 3), ('user', 3), ('nov', 3), ('cashout', 3), ('rush', 3), ('shot', 3), ('split', 3), ('commercial', 3), ('z', 3), ('care', 3), ('urgent', 3), ('overseas', 3), ('employee', 3), ('though', 3), ('girl', 3), ('produce', 3), ('085', 3), ('howard', 3), ('405', 3), ('lost', 3), ('couple', 3), ('mediccationns', 3), ('lowesst', 3), ('pricess', 3), ('everyy', 3), ('books', 3), ('erectile', 3), ('dysfunction', 3), ('mailings', 3), ('expired', 3), ('confirming', 3), ('reached', 3), ('language', 3), ('jerry', 3), ('history', 3), ('generation', 3), ('facility', 3), ('tax', 3), ('eb', 3), ('oversight', 3), ('familiar', 3), ('llc', 3), ('46', 3), ('settlements', 3), ('touch', 3), ('kleberg', 3), ('72', 3), ('villarreal', 3), ('salaries', 3), ('convenient', 3), ('source', 3), ('detail', 3), ('lee', 3), ('activities', 3), ('felt', 3), ('doug', 3), ('feel', 3), ('fuels', 3), ('fers', 3), ('replica', 3), ('client', 3), ('till', 3), ('stood', 3), ('safety', 3), ('mb', 3), ('preliminary', 3), ('minute', 3), ('medication', 3), ('balance', 3), ('tagg', 3), ('onl', 3), ('ine', 3), ('bellamy', 3), ('everyday', 3), ('taking', 3), ('friends', 3), ('lives', 3), ('??????', 3), ('moore', 3), ('isn', 3), ('mid', 3), ('river', 3), ('general', 3), ('treatment', 3), ('aiert', 3), ('netco', 3), ('ebb', 3), ('dave', 3), ('ca', 3), ('valium', 3), ('southern', 3), ('sanchez', 3), ('reasons', 3), ('pine', 3), ('seems', 3), ('okay', 3), ('ua', 3), ('mens', 3), ('game', 3), ('priced', 3), ('formulated', 3), ('seadrift', 3), ('helpful', 3), ('affordable', 3), ('br', 3), ('story', 3), ('password', 3), ('marathon', 3), ('indicate', 3), ('incredible', 3), ('rtu', 3), ('mo', 3), ('invoices', 3), ('goes', 3), ('9862', 3), ('internationa', 3), ('cialls', 3), ('spec', 3), ('putting', 3), ('hold', 3), ('university', 3), ('law', 3), ('simply', 3), ('portfolio', 3), ('terminated', 3), ('ces', 3), ('changing', 3), ('missing', 3), ('texoma', 3), ('registering', 3), ('reallocated', 3), ('allocations', 3), ('correspondence', 3), ('jennifer', 3), ('catch', 3), ('physical', 3), ('extended', 3), ('tue', 3), ('5192', 3), ('dicks', 3), ('error', 3), ('1428', 3), ('eog', 3), ('190', 3), ('art', 3), ('rebecca', 3), ('board', 3), ('massive', 3), ('baby', 3), ('hundreds', 3), ('cass', 3), ('61', 3), ('moving', 3), ('print', 3), ('bulk', 3), ('often', 3), ('aol', 3), ('messenger', 3), ('sm', 3), ('edward', 3), ('gottlob', 3), ('yvette', 3), ('connevey', 3), ('seaman', 3), ('worked', 3), ('expense', 3), ('cross', 3), ('similar', 3), ('833', 3), ('econnect', 3), ('attend', 3), ('critical', 3), ('accounts', 3), ('title', 3), ('mind', 3), ('anniversary', 3), ('postal', 3), ('caught', 3), ('175', 3), ('~', 3), ('pilot', 3), ('727', 3), ('plants', 3), ('karen', 3), ('hampton', 3), ('genuine', 3), ('costs', 3), ('brief', 3), ('palestinian', 3), ('oa', 3), ('connectivity', 3), ('names', 3), ('signature', 3), ('partner', 3), ('ed', 3), ('tonya', 3), ('sugar', 3), ('yf', 3), ('bids', 3), ('expect', 3), ('harder', 3), ('offering', 3), ('yankee', 3), ('doodle', 3), ('hood', 3), ('bunny', 3), ('brazos', 3), ('muscle', 3), ('modem', 3), ('mad', 3), ('aug', 3), ('warranty', 3), ('upgradeable', 3), ('maintain', 2), ('measurement', 2), ('expensive', 2), ('shopping', 2), ('radioshack', 2), ('functionality', 2), ('flag', 2), ('conducting', 2), ('superty', 2), ('processes', 2), ('300', 2), ('overnight', 2), ('front', 2), ('fall', 2), ('shorted', 2), ('dasheen', 2), ('self', 2), ('farm', 2), ('port', 2), ('igfet', 2), ('saiva', 2), ('cachinnate', 2), ('hand', 2), ('draw', 2), ('boy', 2), ('far', 2), ('whats', 2), ('1938', 2), ('round', 2), ('shannon', 2), ('crosstex', 2), ('9858', 2), ('assist', 2), ('means', 2), ('sit', 2), ('king', 2), ('cllck', 2), ('compendia', 2), ('mann', 2), ('war', 2), ('das', 2), ('ein', 2), ('wochenende', 2), ('amended', 2), ('695', 2), ('059', 2), ('submitted', 2), ('384247', 2), ('384237', 2), ('recap', 2), ('625', 2), ('hs', 2), ('410', 2), ('sign', 2), ('227', 2), ('cart', 2), ('209', 2), ('costless', 2), ('interviewing', 2), ('post', 2), ('beyond', 2), ('ocean', 2), ('collect', 2), ('slow', 2), ('format', 2), ('epgt', 2), ('becky', 2), ('undertake', 2), ('assess', 2), ('assists', 2), ('economise', 2), ('named', 2), ('reviewed', 2), ('suggestions', 2), ('kyle', 2), ('multiply', 2), ('licensed', 2), ('membership', 2), ('ref', 2), ('trip', 2), ('park', 2), ('lend', 2), ('schedules', 2), ('prc', 2), ('reason', 2), ('canada', 2), ('lynn', 2), ('recorded', 2), ('averaging', 2), ('election', 2), ('woman', 2), ('dollar', 2), ('verification', 2), ('teen', 2), ('sweet', 2), ('european', 2), ('nasty', 2), ('statement', 2), ('overflow', 2), ('streaming', 2), ('daaah', 2), ('virility', 2), ('patch', 2), ('finalize', 2), ('mergers', 2), ('father', 2), ('watching', 2), ('arial', 2), ('headbody', 2), ('superb', 2), ('bells', 2), ('whistles', 2), ('packaging', 2), ('instead', 2), ('fraction', 2), ('0005', 2), ('puts', 2), ('lists', 2), ('sql', 2), ('context', 2), ('sensitive', 2), ('smart', 2), ('tags', 2), ('pop', 2), ('digging', 2), ('menus', 2), ('taskpane', 2), ('580', 2), ('520', 2), ('tabletable', 2), ('computing', 2), ('delivers', 2), ('reliability', 2), ('visual', 2), ('premier', 2), ('recovery', 2), ('connect', 2), ('productive', 2), ('powering', 2), ('workgroup', 2), ('deploy', 2), ('quickly', 2), ('worker', 2), ('collaboration', 2), ('anytime', 2), ('anywhere', 2), ('860', 2), ('catalogue', 2), ('hull', 2), ('softtabs', 2), ('near', 2), ('erectlons', 2), ('panenergy', 2), ('relating', 2), ('approx', 2), ('assisted', 2), ('1000', 2), ('receipts', 2), ('nng', 2), ('impact', 2), ('pathing', 2), ('homeowners', 2), ('girlfriend', 2), ('husband', 2), ('leadership', 2), ('former', 2), ('verified', 2), ('senior', 2), ('310', 2), ('owner', 2), ('affect', 2), ('328', 2), ('452', 2), ('written', 2), ('assuming', 2), ('carrying', 2), ('lasts', 2), ('gd', 2), ('passed', 2), ('foreign', 2), ('rice', 2), ('reservations', 2), ('democrats', 2), ('surface', 2), ('closing', 2), ('bell', 2), ('jump', 2), ('intended', 2), ('utilizing', 2), ('mine', 2), ('reclamation', 2), ('mycorrhizal', 2), ('controlled', 2), ('highly', 2), ('shown', 2), ('240', 2), ('treated', 2), ('years', 2), ('proven', 2), ('reforestation', 2), ('restoration', 2), ('stated', 2), ('extensive', 2), ('soil', 2), ('desertification', 2), ('600', 2), ('stands', 2), ('continuous', 2), ('cycle', 2), ('forming', 2), ('states', 2), ('increasing', 2), ('marketplace', 2), ('establish', 2), ('agricultural', 2), ('markets', 2), ('technological', 2), ('goal', 2), ('pioneer', 2), ('manufacturing', 2), ('differ', 2), ('contribute', 2), ('matters', 2), ('fully', 2), ('commission', 2), ('provided', 2), ('subsequent', 2), ('specifically', 2), ('therefore', 2), ('representing', 2), ('delay', 2), ('zajac', 2), ('mnei', 2), ('profile', 2), ('traditional', 2), ('printed', 2), ('empty', 2), ('armstrong', 2), ('tennessee', 2), ('ink', 2), ('cartridges', 2), ('expiration', 2), ('mentioned', 2), ('previous', 2), ('significant', 2), ('de', 2), ('higher', 2), ('particular', 2), ('methonal', 2), ('lined', 2), ('1750', 2), ('detailed', 2), ('39', 2), ('graphics', 2), ('79', 2), ('wholesale', 2), ('competition', 2), ('level', 2), ('clearly', 2), ('104', 2), ('116', 2), ('studio', 2), ('copyright', 2), ('6886', 2), ('021', 2), ('allocate', 2), ('heated', 2), ('facts', 2), ('iess', 2), ('middle', 2), ('living', 2), ('clot', 2), ('sergio', 2), ('hoffmann', 2), ('psychotherapist', 2), ('germany', 2), ('1394', 2), ('frauen', 2), ('lack', 2), ('leder', 2), ('gefesselt', 2), ('geknebelt', 2), ('minded', 2), ('solid', 2), ('neuroanatomy', 2), ('230', 2), ('hows', 2), ('dead', 2), ('carol', 2), ('428', 2), ('bout', 2), ('ngi', 2), ('hallo', 2), ('nice', 2), ('damn', 2), ('asset', 2), ('ashman', 2), ('merchant', 2), ('briefly', 2), ('18002800', 2), ('es', 2), ('copied', 2), ('reput', 2), ('expedia', 2), ('traveler', 2), ('florida', 2), ('1040', 2), ('places', 2), ('rocket', 2), ('stocks', 2), ('capital', 2), ('song', 2), ('busy', 2), ('utilization', 2), ('advance', 2), ('enlarging', 2), ('becoming', 2), ('shawnee', 2), ('common', 2), ('child', 2), ('midstream', 2), ('impale', 2), ('hplol', 2), ('davies', 2), ('74', 2), ('20000', 2), ('compiling', 2), ('321', 2), ('rw', 2), ('opt', 2), ('systems', 2), ('49', 2), ('built', 2), ('messaging', 2), ('servers', 2), ('workspace', 2), ('517', 2), ('usb', 2), ('portable', 2), ('6387', 2), ('corpus', 2), ('modifications', 2), ('assume', 2), ('minnesota', 2), ('clinch', 2), ('embarrassment', 2), ('providing', 2), ('actualized', 2), ('path', 2), ('lamadrid', 2), ('329', 2), ('mistake', 2), ('9868', 2), ('choice', 2), ('629', 2), ('amounts', 2), ('316', 2), ('half', 2), ('anti', 2), ('weight', 2), ('amber', 2), ('webcam', 2), ('offsite', 2), ('noticed', 2), ('supported', 2), ('martin', 2), ('appears', 2), ('beauty', 2), ('location', 2), ('definitely', 2), ('rolling', 2), ('express', 2), ('filled', 2), ('explode', 2), ('324', 2), ('practice', 2), ('celebration', 2), ('cliff', 2), ('resigning', 2), ('primary', 2), ('jeff', 2), ('157278', 2), ('six', 2), ('lotto', 2), ('bv', 2), ('mick', 2), ('open', 2), ('entries', 2), ('efforts', 2), ('exit', 2), ('marlin', 2), ('handled', 2), ('608', 2), ('delta', 2), ('replying', 2), ('heidi', 2), ('usage', 2), ('adjustment', 2), ('1581', 2), ('1063', 2), ('sehr', 2), ('san', 2), ('jac', 2), ('8080', 2), ('vlink', 2), ('alink', 2), ('sound', 2), ('investments', 2), ('interests', 2), ('ac', 2), ('share', 2), ('3143', 2), ('american', 2), ('involved', 2), ('covenants', 2), ('investors', 2), ('section', 2), ('330', 2), ('oi', 2), ('seconds', 2), ('recruiter', 2), ('broadband', 2), ('wholly', 2), ('owned', 2), ('braband', 2), ('discrepancies', 2), ('org', 2), ('94', 2), ('spam', 2), ('tejas', 2), ('allocating', 2), ('op', 2), ('brent', 2), ('206', 2), ('alpha', 2), ('unbelievably', 2), ('nesa', 2), ('hea', 2), ('pep', 2), ('fda', 2), ('1517', 2), ('deliver', 2), ('tetco', 2), ('enlarge', 2), ('1603', 2), ('committed', 2), ('prayer', 2), ('steal', 2), ('ehronline', 2), ('feature', 2), ('allows', 2), ('later', 2), ('tor', 2), ('nto', 2), ('highest', 2), ('ideas', 2), ('authentic', 2), ('tricks', 2), ('1459', 2), ('niche', 2), ('traders', 2), ('eyes', 2), ('strangers', 2), ('ache', 2), ('equipped', 2), ('professor', 2), ('finding', 2), ('datlng', 2), ('slte', 2), ('lannou', 2), ('405706', 2), ('43', 2), ('dates', 2), ('6067', 2), ('martinez', 2), ('charges', 2), ('buenos', 2), ('clearing', 2), ('fare', 2), ('gulf', 2), ('plains', 2), ('zeroed', 2), ('woodson', 2), ('sam', 2), ('der', 2), ('alis', 2), ('??', 2), ('?????', 2), ('given', 2), ('1351', 2), ('matter', 2), ('released', 2), ('tentative', 2), ('317', 2), ('calendar', 2), ('026', 2), ('katherine', 2), ('truly', 2), ('thoughts', 2), ('prayers', 2), ('director', 2), ('wind', 2), ('jury', 2), ('charlotte', 2), ('elder', 2), ('sucking', 2), ('dick', 2), ('club', 2), ('hundred', 2), ('shipped', 2), ('fedex', 2), ('gra', 2), ('spa', 2), ('worth', 2), ('wysak', 2), ('petroieum', 2), ('wysk', 2), ('nichols', 2), ('exxonmobil', 2), ('accept', 2), ('bill', 2), ('manufacturers', 2), ('macintosh', 2), ('stella', 2), ('lt', 2), ('force', 2), ('sick', 2), ('reisz', 2), ('mgr', 2), ('greg', 2), ('bubba', 2), ('approach', 2), ('communicated', 2), ('allen', 2), ('floor', 2), ('class', 2), ('couldn', 2), ('attach', 2), ('understood', 2), ('bang', 2), ('basic', 2), ('parent', 2), ('slingshot', 2), ('aristocrat', 2), ('childbear', 2), ('breakdown', 2), ('craftsmen', 2), ('culture', 2), ('seneca', 2), ('cromwellian', 2), ('plainfield', 2), ('category', 2), ('default', 2), ('clockwise', 2), ('defocus', 2), ('chronic', 2), ('automatic', 2), ('nchs', 2), ('bjs', 2), ('listen', 2), ('brown', 2), ('xanax', 2), ('figure', 2), ('redistribute', 2), ('worksheet', 2), ('prefer', 2), ('convenience', 2), ('mature', 2), ('mazowita', 2), ('rival', 2), ('scott', 2), ('invoiced', 2), ('hillier', 2), ('struggle', 2), ('migrating', 2), ('outlook', 2), ('finished', 2), ('third', 2), ('upgrade', 2), ('myself', 2), ('organization', 2), ('922', 2), ('005', 2), ('specially', 2), ('cumulatively', 2), ('cumulative', 2), ('volumetric', 2), ('reconciled', 2), ('mccoy', 2), ('flat', 2), ('revise', 2), ('variety', 2), ('determine', 2), ('canadian', 2), ('short', 2), ('406', 2), ('checking', 2), ('summarize', 2), ('mailed', 2), ('midpoint', 2), ('cannot', 2), ('various', 2), ('survive', 2), ('introduction', 2), ('nomintated', 2), ('ashland', 2), ('hall', 2), ('decimal', 2), ('395', 2), ('silver', 2), ('scheduling', 2), ('louise', 2), ('lsk', 2), ('235670', 2), ('outline', 2), ('hiring', 2), ('hire', 2), ('mit', 2), ('motion', 2), ('christmass', 2), ('ndows', 2), ('compiled', 2), ('unfinaled', 2), ('exxon', 2), ('96047295', 2), ('9848', 2), ('citizensr', 2), ('taught', 2), ('step', 2), ('68', 2), ('333', 2), ('specifications', 2), ('bride', 2), ('spoken', 2), ('ur', 2), ('po', 2), ('io', 2), ('da', 2), ('hodge', 2), ('territory', 2), ('brain', 2), ('jake', 2), ('toy', 2), ('dog', 2), ('ninety', 2), ('participant', 2), ('hung', 2), ('mccall', 2), ('mcdermott', 2), ('vitriolic', 2), ('vat', 2), ('certain', 2), ('anthracnose', 2), ('prestigious', 2), ('sometime', 2), ('greatest', 2), ('education', 2), ('masters', 2), ('advertisement', 2), ('ie', 2), ('retroactive', 2), ('ly', 2), ('hughes', 2), ('cynergy', 2), ('agent', 2), ('likely', 2), ('sav', 2), ('ings', 2), ('ree', 2), ('erlc', 2), ('vlag', 2), ('ra', 2), ('benefits', 2), ('loss', 2), ('ours', 2), ('magazine', 2), ('winner', 2), ('doiiar', 2), ('150', 2), ('wildest', 2), ('curve', 2), ('opposed', 2), ('leaving', 2), ('otc', 2), ('footwork', 2), ('questioning', 2), ('gepl', 2), ('driving', 2), ('pma', 2), ('575', 2), ('64', 2), ('322', 2), ('members', 2), ('congratulating', 2), ('condition', 2), ('quit', 2), ('monster', 2), ('tight', 2), ('college', 2), ('impotence', 2), ('mirant', 2), ('americas', 2), ('????', 2), ('item', 2), ('clean', 2), ('sepo', 2), ('utilities', 2), ('407', 2), ('nancy', 2), ('stivers', 2), ('gerald', 2), ('1373', 2), ('glory', 2), ('wallis', 2), ('contacting', 2), ('awhile', 2), ('announcement', 2), ('comments', 2), ('kcs', 2), ('125822', 2), ('transition', 2), ('emails', 2), ('excel', 2), ('identify', 2), ('refinery', 2), ('ship', 2), ('visti', 2), ('meeeeeeeeeeet', 2), ('dudes', 2), ('hoooooooooook', 2), ('discreeeeet', 2), ('nauauauaghty', 2), ('nal', 2), ('course', 2), ('loaded', 2), ('babes', 2), ('appliances', 2), ('electronics', 2), ('fitness', 2), ('recreation', 2), ('lawn', 2), ('housewares', 2), ('jewelry', 2), ('wishbook', 2), ('optical', 2), ('clearance', 2), ('catalog', 2), ('orders', 2), ('concerning', 2), ('select', 2), ('chad', 2), ('gcs', 2), ('cec', 2), ('pec', 2), ('earth', 2), ('exciting', 2), ('shall', 2), ('honey', 2), ('agrees', 2), ('breaking', 2), ('55', 2), ('responses', 2), ('cuba', 2), ('libre', 2), ('attention', 2), ('replace', 2), ('discussion', 2), ('suffering', 2), ('cartwheel', 2), ('interconnects', 2), ('cotten', 2), ('liability', 2), ('option', 2), ('core', 2), ('0400', 2), ('hplr', 2), ('children', 2), ('123', 2), ('mmcf', 2), ('912', 2), ('starts', 2), ('miningnews', 2), ('quantities', 2), ('input', 2), ('cob', 2), ('crt', 2), ('east', 2), ('ya', 2), ('effects', 2), ('vlagra', 2), ('recently', 2), ('tobacco', 2), ('taxes', 2), ('sharp', 2), ('larry', 2), ('totally', 2), ('scroll', 2), ('meyers', 2), ('switch', 2), ('assistance', 2), ('consolidated', 2), ('binder', 2), ('pooling', 2), ('lloyd', 2), ('121', 2), ('flows', 2), ('542', 2), ('reschedule', 2), ('totals', 2), ('main', 2), ('615', 2), ('octanes', 2), ('complete', 2), ('understand', 2), ('captured', 2), ('nomad', 2), ('ndin', 2), ('straight', 2), ('inches', 2), ('offfers', 2), ('multi', 2), ('url', 2), ('corrected', 2), ('343421', 2), ('horny', 2), ('sep', 2), ('handling', 2), ('gardner', 2), ('christine', 2), ('bed', 2), ('grew', 2), ('approval', 2), ('hotline', 2), ('89', 2), ('ease', 2), ('sherlyn', 2), ('104210', 2), ('outside', 2), ('decreased', 2), ('10000', 2), ('external', 2), ('1528', 2), ('outlined', 2), ('531', 2), ('authority', 2), ('officials', 2), ('guadalupe', 2), ('clicking', 2), ('0500', 2), ('discreetly', 2), ('authorization', 2), ('erequest', 2), ('119', 2), ('gt', 2), ('existing', 2), ('ifhsc', 2), ('curtains', 2), ('pre', 2), ('221', 2), ('pgp', 2), ('describe', 2), ('888', 2), ('bucks', 2), ('nomform', 2), ('wk', 2), ('appear', 2), ('revolutionary', 2), ('ciiallis', 2), ('fire', 2), ('heads', 2), ('communicating', 2), ('variances', 2), ('deserve', 2), ('rental', 2), ('nbc', 2), ('updates', 2), ('including', 2), ('313', 2), ('pale', 2), ('telephone', 2), ('woke', 2), ('anyway', 2), ('stressed', 2), ('ps', 2), ('pool', 2), ('fri', 2), ('impossible', 2), ('84', 2), ('vnf', 2), ('ivhm', 2), ('brcc', 2), ('dfarmer', 2), ('tago', 2), ('levels', 2), ('historical', 2), ('oma', 2), ('least', 2), ('lawyer', 2), ('bidders', 2), ('bienenstock', 2), ('creditors', 2), ('meoh', 2), ('laura', 2), ('986296', 2), ('french', 2), ('gevalia', 2), ('hospital', 2), ('collection', 2), ('bugs', 2), ('golden', 2), ('videodisc', 2), ('rabbit', 2), ('cream', 2), ('lines', 2), ('picture', 2), ('miles', 2), ('groovy', 2), ('reverse', 2), ('submit', 2), ('skin', 2), ('booked', 2), ('extremely', 2), ('decided', 2), ('811', 2), ('856', 2), ('222', 2), ('wireless', 2), ('1558', 2), ('astra', 2), ('1386', 2), ('deleted', 2), ('south', 2), ('gisb', 2), ('electric', 2), ('lady', 2), ('gentle', 2), ('against', 2), ('112', 2), ('basis', 2), ('centertrtd', 2), ('kellie', 2), ('550', 2), ('pagemaker', 2), ('445', 2), ('foot', 2), ('locker', 2), ('referring', 2), ('yr', 2), ('qtr', 2), ('promo', 2), ('parties', 2), ('northern', 2), ('settlement', 2), ('403', 2), ('571', 2), ('pi', 2), ('consideration', 2), ('mon', 2), ('lorraine', 2), ('ibrom', 2), ('os', 2), ('315', 2), ('leading', 2), ('arrangement', 2), ('avtech', 2), ('satisfaction', 2), ('performing', 2), ('intel', 2), ('keyboard', 2), ('danny', 2), ('clarification', 2), ('975', 2), ('twice', 1), ('394', 1), ('walk', 1), ('demo', 1), ('troubled', 1), ('mandate', 1), ('contingency', 1), ('medicatlons', 1), ('shlpped', 1), ('prescrlption', 1), ('groups', 1), ('505', 1), ('lightning', 1), ('strike', 1), ('buddy', 1), ('diligently', 1), ('pulled', 1), ('blastocoel', 1), ('prout', 1), ('manichaeism', 1), ('doorn', 1), ('gamophyllous', 1), ('diprotodont', 1), ('hus', 1), ('cartier', 1), ('hame', 1), ('burghley', 1), ('lchaucerian', 1), ('lytjjje', 1), ('hahnemann', 1), ('holoplankton', 1), ('aphesis', 1), ('lucan', 1), ('carbamate', 1), ('maluku', 1), ('caciquism', 1), ('bagh', 1), ('ksewan', 1), ('spheroidicity', 1), ('annabergite', 1), ('framboesia', 1), ('morpheus', 1), ('ceiba', 1), ('waphis', 1), ('dxxtin', 1), ('amphitryon', 1), ('workperson', 1), ('agrapha', 1), ('northcliffe', 1), ('eanubis', 1), ('jzwxz', 1), ('firewater', 1), ('lacerant', 1), ('turanian', 1), ('cushitic', 1), ('ccarotenoid', 1), ('zjhpgcy', 1), ('gelligaer', 1), ('fourpenny', 1), ('cetinje', 1), ('dayboy', 1), ('uscriabin', 1), ('cfqczyy', 1), ('tilburg', 1), ('eupepsia', 1), ('mahound', 1), ('tunguska', 1), ('xsalian', 1), ('hhbl', 1), ('belostok', 1), ('hagioscope', 1), ('falerii', 1), ('dayan', 1), ('disodimorphism', 1), ('fvguyv', 1), ('replevy', 1), ('brinny', 1), ('earthnut', 1), ('pnom', 1), ('gmafeking', 1), ('nasofrontal', 1), ('endamoeba', 1), ('enterostomy', 1), ('kakapo', 1), ('annatto', 1), ('agraffe', 1), ('calathus', 1), ('escolar', 1), ('hammerfest', 1), ('cutty', 1), ('vtewkesbury', 1), ('fqyc', 1), ('agrestal', 1), ('amygdalate', 1), ('elam', 1), ('peritrack', 1), ('hbackscratcher', 1), ('barbican', 1), ('magnetosheath', 1), ('llandaff', 1), ('maugham', 1), ('fribourg', 1), ('elohist', 1), ('acheulian', 1), ('enuresis', 1), ('merovingian', 1), ('hasa', 1), ('foredoom', 1), ('cabora', 1), ('yuga', 1), ('underemphasis', 1), ('longford', 1), ('deglutinate', 1), ('cantilena', 1), ('kuopio', 1), ('hargeisa', 1), ('hakea', 1), ('umatabele', 1), ('estragon', 1), ('daisycutter', 1), ('ethnarch', 1), ('fuad', 1), ('brume', 1), ('btoadstone', 1), ('taogy', 1), ('larine', 1), ('madurai', 1), ('homecome', 1), ('dvorsky', 1), ('btacchino', 1), ('jiklfzm', 1), ('septuplet', 1), ('knap', 1), ('kiangsu', 1), ('tiebreaker', 1), ('rvries', 1), ('lector', 1), ('mokha', 1), ('minna', 1), ('dziggetai', 1), ('kedah', 1), ('ornithopod', 1), ('suberin', 1), ('zuidholland', 1), ('galloon', 1), ('qphelloderm', 1), ('anhinga', 1), ('intwine', 1), ('parky', 1), ('ordovician', 1), ('yekaterinodar', 1), ('amoy', 1), ('shrewsbury', 1), ('fashoda', 1), ('olivier', 1), ('asshur', 1), ('hpoulenc', 1), ('cgtmrd', 1), ('redfin', 1), ('foliose', 1), ('wexford', 1), ('jerastianism', 1), ('euxwoib', 1), ('echinus', 1), ('nomarchy', 1), ('brewis', 1), ('zantre', 1), ('edch', 1), ('beguin', 1), ('beltane', 1), ('cerussite', 1), ('phalangeal', 1), ('grigioni', 1), ('pahlavi', 1), ('hagiographer', 1), ('vereeniging', 1), ('greywacke', 1), ('anthophore', 1), ('ketonuria', 1), ('pearlwort', 1), ('apuleius', 1), ('xhubli', 1), ('skjl', 1), ('zapu', 1), ('phelloderm', 1), ('hellery', 1), ('gillion', 1), ('aquadrumanous', 1), ('hesperian', 1), ('binghi', 1), ('redbridge', 1), ('diecious', 1), ('cattleya', 1), ('daimyo', 1), ('rzewski', 1), ('anguilliform', 1), ('visconti', 1), ('fantom', 1), ('camiknickers', 1), ('antonomasia', 1), ('lehmbruck', 1), ('gleiwitz', 1), ('sgatekeep', 1), ('enzymolysis', 1), ('heptavalent', 1), ('dopper', 1), ('horsa', 1), ('erenburg', 1), ('mhaemopoiesis', 1), ('technicolor', 1), ('buzzsaw', 1), ('langton', 1), ('bilection', 1), ('hispaniola', 1), ('zrejig', 1), ('echeveria', 1), ('zibet', 1), ('gogra', 1), ('ri', 1), ('ockeghem', 1), ('candytuft', 1), ('ichthyornis', 1), ('monophysite', 1), ('baroscope', 1), ('piscis', 1), ('fepidiascope', 1), ('setiform', 1), ('jorum', 1), ('pontianak', 1), ('indic', 1), ('donny', 1), ('vardon', 1), ('varady', 1), ('shoshonean', 1), ('lengthman', 1), ('bagie', 1), ('kakkerman', 1), ('yxzbhr', 1), ('blenny', 1), ('simferopol', 1), ('geranial', 1), ('cmolise', 1), ('barouche', 1), ('quinquereme', 1), ('herzog', 1), ('blagoveshchensk', 1), ('cuscus', 1), ('obiquadrate', 1), ('elamite', 1), ('lett', 1), ('ophthalmitis', 1), ('encaenia', 1), ('fab', 1), ('acouchette', 1), ('chromous', 1), ('eponym', 1), ('sephardi', 1), ('cauca', 1), ('soupfin', 1), ('bpaletot', 1), ('bhavnagar', 1), ('parang', 1), ('hurstmonceux', 1), ('chimneypot', 1), ('lur', 1), ('hpuerilism', 1), ('rzunuul', 1), ('ingesta', 1), ('haricot', 1), ('lotic', 1), ('whiteboy', 1), ('mglobate', 1), ('ygyjp', 1), ('pollack', 1), ('filicide', 1), ('hackbut', 1), ('liszt', 1), ('gcuxhaven', 1), ('rostov', 1), ('jaffna', 1), ('scungy', 1), ('pseudopodium', 1), ('tisza', 1), ('deaconry', 1), ('hencoop', 1), ('keeling', 1), ('yaroslavl', 1), ('explicitely', 1), ('dup', 1), ('bryansk', 1), ('chainman', 1), ('kaspszyk', 1), ('hydrostat', 1), ('ireynosa', 1), ('xutdv', 1), ('judah', 1), ('deil', 1), ('swithin', 1), ('shaematocryal', 1), ('lghubb', 1), ('misposition', 1), ('chewa', 1), ('pish', 1), ('stoush', 1), ('ascocarp', 1), ('motherfucker', 1), ('lazurite', 1), ('lar', 1), ('rpicot', 1), ('atli', 1), ('monoatomic', 1), ('wimshurst', 1), ('rea', 1), ('jabir', 1), ('qpinturicchio', 1), ('uwro', 1), ('harrogate', 1), ('beiderbecke', 1), ('blida', 1), ('lisieux', 1), ('ddoek', 1), ('ehahr', 1), ('dehisce', 1), ('swabia', 1), ('balmung', 1), ('chiba', 1), ('yboarish', 1), ('kirkman', 1), ('chayote', 1), ('crura', 1), ('breslau', 1), ('proem', 1), ('rdactylology', 1), ('kroon', 1), ('humblebee', 1), ('burk', 1), ('aorangi', 1), ('didache', 1), ('xvadose', 1), ('uwtziy', 1), ('bergama', 1), ('madina', 1), ('eleatic', 1), ('whitley', 1), ('zquokka', 1), ('lix', 1), ('stanislavsky', 1), ('foretop', 1), ('talapoin', 1), ('intelsat', 1), ('wchloramine', 1), ('yaupon', 1), ('agalloch', 1), ('adivasi', 1), ('korma', 1), ('andros', 1), ('wgurgitation', 1), ('xnpb', 1), ('terephthalic', 1), ('workfiles', 1), ('ciborium', 1), ('cornu', 1), ('ourquhart', 1), ('rqjqlwm', 1), ('ozonolysis', 1), ('interagency', 1), ('peau', 1), ('reger', 1), ('iauklet', 1), ('gdciw', 1), ('magallanes', 1), ('candlenut', 1), ('anzus', 1), ('caesalpiniaceous', 1), ('anabantid', 1), ('maritain', 1), ('jhelum', 1), ('jacamar', 1), ('boethius', 1), ('ncockspur', 1), ('cegkhw', 1), ('marconi', 1), ('germanism', 1), ('scarabaeus', 1), ('oxychloride', 1), ('burgomasters', 1), ('markevitch', 1), ('calchas', 1), ('langsyne', 1), ('biforate', 1), ('fcorody', 1), ('pezxam', 1), ('uhuru', 1), ('brecon', 1), ('ilford', 1), ('solenodon', 1), ('jlampshades', 1), ('mqyaepr', 1), ('enphytotic', 1), ('houseleek', 1), ('kitbag', 1), ('attaboy', 1), ('dmorea', 1), ('ybro', 1), ('verrett', 1), ('puseyism', 1), ('boschbok', 1), ('napier', 1), ('afreedomites', 1), ('gjknz', 1), ('diaghilev', 1), ('junoesque', 1), ('glossology', 1), ('granada', 1), ('cbulganin', 1), ('khmgfg', 1), ('bejewel', 1), ('macneice', 1), ('lactary', 1), ('corrodent', 1), ('yate', 1), ('bregenz', 1), ('shadrach', 1), ('caucasia', 1), ('balibuntal', 1), ('mycobacterium', 1), ('chippewa', 1), ('xanthippe', 1), ('bute', 1), ('fluorosis', 1), ('brecht', 1), ('hereward', 1), ('photoelectrotype', 1), ('folliculin', 1), ('bidistill', 1), ('missals', 1), ('alecost', 1), ('berberidaceous', 1), ('tewkesbury', 1), ('xleamington', 1), ('capreolate', 1), ('chailly', 1), ('dithyrambic', 1), ('kokura', 1), ('alcuin', 1), ('chaldee', 1), ('elgon', 1), ('elaterium', 1), ('grosswardein', 1), ('viminal', 1), ('mheraclid', 1), ('lnqk', 1), ('actinopod', 1), ('diamond', 1), ('pandarus', 1), ('kleiber', 1), ('goatsbeard', 1), ('denary', 1), ('hagiocracy', 1), ('cytochrome', 1), ('ecclesiasticus', 1), ('zisobath', 1), ('tzwx', 1), ('archilochian', 1), ('mcmurdo', 1), ('bursarial', 1), ('leporid', 1), ('isupermale', 1), ('btqu', 1), ('castiglione', 1), ('cataclasis', 1), ('namibia', 1), ('astrometry', 1), ('catamite', 1), ('immingham', 1), ('mossbunker', 1), ('loment', 1), ('fonseca', 1), ('fuzzily', 1), ('pseudocarp', 1), ('antre', 1), ('barmecide', 1), ('entrechat', 1), ('koph', 1), ('trondheim', 1), ('catling', 1), ('ichor', 1), ('lumiere', 1), ('biak', 1), ('ujjain', 1), ('rastafarian', 1), ('childminding', 1), ('abelmosk', 1), ('bisutun', 1), ('mitis', 1), ('erlang', 1), ('loganberry', 1), ('bsousse', 1), ('ezgyvka', 1), ('wassermann', 1), ('columbic', 1), ('tripalmitin', 1), ('batley', 1), ('ashkenazi', 1), ('albacete', 1), ('jinghis', 1), ('dormoy', 1), ('aeciospore', 1), ('cardoon', 1), ('granadilla', 1), ('futtock', 1), ('langlauf', 1), ('wallah', 1), ('bilobate', 1), ('nullipara', 1), ('shortlisted', 1), ('haldane', 1), ('dioptase', 1), ('verrucose', 1), ('gilels', 1), ('arles', 1), ('canaanite', 1), ('halakah', 1), ('rightwingers', 1), ('hemispheroid', 1), ('bargee', 1), ('oxter', 1), ('villanovan', 1), ('1822', 1), ('1980', 1), ('graduation', 1), ('lockerbie', 1), ('blame', 1), ('elisabeth', 1), ('pregnancy', 1), ('textbooks', 1), ('1819', 1), ('melboune', 1), ('cup', 1), ('survivor', 1), ('disney', 1), ('1982', 1), ('leonardo', 1), ('di', 1), ('caprio', 1), ('calendars', 1), ('lunch', 1), ('driscoll', 1), ('goldeditor', 1), ('dlp', 1), ('sheffield', 1), ('medicals', 1), ('maps', 1), ('located', 1), ('dropbox', 1), ('fraley', 1), ('shortly', 1), ('repair', 1), ('remedy', 1), ('meets', 1), ('specs', 1), ('locations', 1), ('enl', 1), ('rgement', 1), ('tuscany', 1), ('selfish', 1), ('avert', 1), ('fitch', 1), ('canto', 1), ('vibrant', 1), ('midshipman', 1), ('607', 1), ('693', 1), ('465', 1), ('512', 1), ('whom', 1), ('purpose', 1), ('kickoff', 1), ('emile', 1), ('kgonxe', 1), ('idkylzdppzvrtdi', 1), ('hjtkye', 1), ('wq', 1), ('jd', 1), ('aqe', 1), ('mkouiqcumsqjg', 1), ('2799', 1), ('cay', 1), ('qc', 1), ('rql', 1), ('nlu', 1), ('czu', 1), ('cila', 1), ('koyuh', 1), ('zw', 1), ('kzl', 1), ('nmn', 1), ('iglo', 1), ('ynl', 1), ('933285', 1), ('jyelh', 1), ('wx', 1), ('wlhkzwj', 1), ('vlqsqyl', 1), ('ry', 1), ('algun', 1), ('mz', 1), ('cfk', 1), ('wzt', 1), ('nouz', 1), ('fkiolblayg', 1), ('ovcs', 1), ('cvr', 1), ('emgealzan', 1), ('bridges', 1), ('buildings', 1), ('green', 1), ('mrs', 1), ('ruth', 1), ('makary', 1), ('518', 1), ('countless', 1), ('sexoholics', 1), ('mandey', 1), ('paln', 1), ('tori', 1), ('kuykendall', 1), ('curse', 1), ('defined', 1), ('chain', 1), ('pocket', 1), ('rodriguez', 1), ('inquiries', 1), ('247087', 1), ('729', 1), ('replicasonline', 1), ('compromise', 1), ('oops', 1), ('hatred', 1), ('gained', 1), ('pitre', 1), ('122218', 1), ('817', 1), ('sally', 1), ('substance', 1), ('sand', 1), ('woodtips', 1), ('tville', 1), ('refill', 1), ('mp', 1), ('01408304990', 1), ('corner', 1), ('spindletop', 1), ('template', 1), ('knows', 1), ('makes', 1), ('heather', 1), ('56', 1), ('negative', 1), ('mcf', 1), ('youll', 1), ('discover', 1), ('gmt', 1), ('jamie', 1), ('et', 1), ('oooops', 1), ('5000', 1), ('985688', 1), ('creating', 1), ('exception', 1), ('objection', 1), ('inserting', 1), ('815', 1), ('democratic', 1), ('friendship', 1), ('aqtdaibnuf', 1), ('jmxdzjdyjskm', 1), ('noyrhrcsltyiyc', 1), ('yfcgqhbjrw', 1), ('noqqngttnymi', 1), ('ljpdpfbocwqnjb', 1), ('545', 1), ('cipco', 1), ('589007', 1), ('beautiful', 1), ('erotic', 1), ('angels', 1), ('blowjobs', 1), ('aa', 1), ('accredited', 1), ('9723437065620721', 1), ('hd', 1), ('madge', 1), ('ladies', 1), ('gents', 1), ('industrials', 1), ('621', 1), ('erectlon', 1), ('skydive', 1), ('spaceland', 1), ('aroused', 1), ('htmlheadmeta', 1), ('equiv', 1), ('charset', 1), ('1252', 1), ('titleaxis', 1), ('eureka', 1), ('titlestyletd', 1), ('tahoma', 1), ('verdana', 1), ('whitetable', 1), ('lefttrtd', 1), ('bmicrosoft', 1), ('trtr', 1), ('tdbrtable', 1), ('afio', 1), ('img', 1), ('biaxial', 1), ('gif', 1), ('height', 1), ('bofficexp', 1), ('cornmeal', 1), ('moth', 1), ('bwindowsxp', 1), ('netherworld', 1), ('0008', 1), ('mnxv', 1), ('bwindows', 1), ('brookside', 1), ('tablehrfont', 1), ('bmany', 1), ('ecosystem', 1), ('abrbrbrbrp', 1), ('eitherbrinflict', 1), ('almagest', 1), ('bobolinkbrchiton', 1), ('curbradd', 1), ('neck', 1), ('valentine', 1), ('poem', 1), ('coalos', 1), ('231758', 1), ('causing', 1), ('rev', 1), ('consistantly', 1), ('supplying', 1), ('22037566626923367', 1), ('completion', 1), ('opm', 1), ('adverse', 1), ('alex', 1), ('argueta', 1), ('revenue', 1), ('bored', 1), ('heatherlock', 1), ('yqloyfgwtfq', 1), ('zs', 1), ('wvuscazkgyxonvx', 1), ('length', 1), ('coin', 1), ('formation', 1), ('comprises', 1), ('function', 1), ('focus', 1), ('strategy', 1), ('facing', 1), ('supplant', 1), ('kerry', 1), ('barrera', 1), ('129', 1), ('portal', 1), ('fits', 1), ('valve', 1), ('1031', 1), ('neh', 1), ('tojlmjuob', 1), ('wj', 1), ('jlro', 1), ('nb', 1), ('voxl', 1), ('ylhp', 1), ('gong', 1), ('dor', 1), ('ootl', 1), ('taaabbsittabbs', 1), ('cccheaapicheeep', 1), ('notebook', 1), ('tadalafil', 1), ('vii', 1), ('aig', 1), ('ria', 1), ('acts', 1), ('quicker', 1), ('withdrawl', 1), ('van', 1), ('108', 1), ('laid', 1), ('thinking', 1), ('kenneth', 1), ('okoh', 1), ('truely', 1), ('diane', 1), ('squire', 1), ('ride', 1), ('bebut', 1), ('401', 1), ('331', 1), ('butch', 1), ('cheatham', 1), ('documents', 1), ('economy', 1), ('shower', 1), ('stopped', 1), ('waved', 1), ('opinions', 1), ('senate', 1), ('relations', 1), ('despite', 1), ('nonetheless', 1), ('voted', 1), ('acknowledging', 1), ('fight', 1), ('amid', 1), ('grumbling', 1), ('stand', 1), ('bush', 1), ('oxygen', 1), ('circle', 1), ('signs', 1), ('intent', 1), ('loi', 1), ('whereby', 1), ('channels', 1), ('leader', 1), ('mycorrhiza', 1), ('nutrition', 1), ('forest', 1), ('plantation', 1), ('erosion', 1), ('producer', 1), ('inoculant', 1), ('planter', 1), ('pak', 1), ('combines', 1), ('sophisticated', 1), ('blend', 1), ('fertilizers', 1), ('root', 1), ('planters', 1), ('paks', 1), ('economical', 1), ('consistently', 1), ('biomass', 1), ('seedlings', 1), ('irst', 1), ('decade', 1), ('ornamental', 1), ('wei', 1), ('chairman', 1), ('alliance', 1), ('native', 1), ('vegetation', 1), ('forestry', 1), ('agriculture', 1), ('hyphal', 1), ('claiming', 1), ('1990', 1), ('650', 1), ('country', 1), ('arable', 1), ('lands', 1), ('enhance', 1), ('offerings', 1), ('shorten', 1), ('continuously', 1), ('focused', 1), ('relationships', 1), ('selected', 1), ('complement', 1), ('diversity', 1), ('itself', 1), ('develops', 1), ('manufactures', 1), ('distributes', 1), ('innovative', 1), ('environmentally', 1), ('environmental', 1), ('protection', 1), ('elsewhere', 1), ('healthier', 1), ('drink', 1), ('cleaner', 1), ('commercialization', 1), ('biotechnology', 1), ('havingan', 1), ('shandong', 1), ('province', 1), ('distributing', 1), ('contains', 1), ('constitutes', 1), ('pursuant', 1), ('harbor', 1), ('provisions', 1), ('litigation', 1), ('reform', 1), ('1995', 1), ('involve', 1), ('uncertainties', 1), ('materially', 1), ('described', 1), ('factors', 1), ('differences', 1), ('disclosed', 1), ('filed', 1), ('herein', 1), ('events', 1), ('developments', 1), ('disclaims', 1), ('obligation', 1), ('relied', 1), ('hereno', 1), ('craftsperson', 1), ('ravine', 1), ('particle', 1), ('eclipse', 1), ('enzyme', 1), ('axe', 1), ('episode', 1), ('housework', 1), ('pocketful', 1), ('furtive', 1), ('guillemot', 1), ('beloit', 1), ('paleozoic', 1), ('scab', 1), ('moscow', 1), ('denudation', 1), ('startle', 1), ('byroad', 1), ('puerile', 1), ('emboss', 1), ('hidden', 1), ('gem', 1), ('finance', 1), ('ixls', 1), ('nup', 1), ('sma', 1), ('huntsville', 1), ('woodlands', 1), ('conroe', 1), ('11500', 1), ('electricity', 1), ('deregulation', 1), ('paychecks', 1), ('deposited', 1), ('efficient', 1), ('payroll', 1), ('realize', 1), ('considerable', 1), ('spent', 1), ('costilla', 1), ('419', 1), ('launching', 1), ('465490', 1), ('ribbon', 1), ('decommission', 1), ('formats', 1), ('communications', 1), ('rambler', 1), ('buster', 1), ('suppose', 1), ('mixed', 1), ('vs', 1), ('089', 1), ('514353', 1), ('active', 1), ('nopalns', 1), ('nowthe', 1), ('climate', 1), ('81', 1), ('541123', 1), ('motley', 1), ('multimedia', 1), ('aims', 1), ('unlock', 1), ('smooth', 1), ('rounded', 1), ('window', 1), ('corners', 1), ('icons', 1), ('sleek', 1), ('desktop', 1), ('beak', 1), ('clergyman', 1), ('999', 1), ('costume', 1), ('sells', 1), ('blow', 1), ('certified', 1), ('platinum', 1), ('boxed', 1), ('dont', 1), ('overpay', 1), ('20037', 1), ('cakewalk', 1), ('048', 1), ('fireworks', 1), ('029', 1), ('max', 1), ('rights', 1), ('franklin', 1), ('singing', 1), ('989602', 1), ('archer', 1), ('heat', 1), ('overview', 1), ('chosen', 1), ('dnd', 1), ('yos', 1), ('speur', 1), ('meddication', 1), ('loraine', 1), ('1052', 1), ('del', 1), ('maxey', 1), ('walters', 1), ('sheriff', 1), ('obsequious', 1), ('deficit', 1), ('toward', 1), ('airpanel', 1), ('8018', 1), ('ulysses', 1), ('physicians', 1), ('specialize', 1), ('consulting', 1), ('prescribing', 1), ('visits', 1), ('encina', 1), ('tru', 1), ('ups', 1), ('808', 1), ('resumes', 1), ('praying', 1), ('lpx', 1), ('yellow', 1), ('padding', 1), ('px', 1), ('142509', 1), ('855', 1), ('054', 1), ('maldinado', 1), ('claims', 1), ('salut', 1), ('hurtle', 1), ('angstrom', 1), ('probabilist', 1), ('sanicle', 1), ('doublet', 1), ('bootlegger', 1), ('illusive', 1), ('embarrass', 1), ('reek', 1), ('suspend', 1), ('cartesian', 1), ('atlantic', 1), ('handel', 1), ('sis', 1), ('trim', 1), ('570', 1), ('concern', 1), ('equilibrate', 1), ('tmt', 1), ('ketchup', 1), ('glade', 1), ('diagnoses', 1), ('lindholm', 1), ('6575', 1), ('suntrust', 1), ('taccount', 1), ('706', 1), ('begun', 1), ('lufkin', 1), ('5045', 1), ('minus', 1), ('screen', 1), ('fallen', 1), ('discusssed', 1), ('occurrence', 1), ('tripping', 1), ('cutie', 1), ('planet', 1), ('nauuuughhhhty', 1), ('addul', 1), ('ttt', 1), ('daitiing', 1), ('arena', 1), ('wives', 1), ('lifestyle', 1), ('aye', 1), ('null', 1), ('ex', 1), ('domininiatted', 1), ('noo', 1), ('coossst', 1), ('buckaroo', 1), ('youlaagan', 1), ('athens', 1), ('extramural', 1), ('pancake', 1), ('puddingstone', 1), ('amphibian', 1), ('conspire', 1), ('savonarola', 1), ('waterhouse', 1), ('indent', 1), ('rodgers', 1), ('alfalfa', 1), ('helga', 1), ('lillian', 1), ('malaise', 1), ('directrix', 1), ('midrange', 1), ('fogy', 1), ('invalid', 1), ('grater', 1), ('bujumbura', 1), ('detestation', 1), ('salvation', 1), ('yak', 1), ('baccarat', 1), ('carve', 1), ('debrief', 1), ('worst', 1), ('aristotelian', 1), ('claimant', 1), ('connotation', 1), ('corpsmen', 1), ('flight', 1), ('toledo', 1), ('bleary', 1), ('526', 1), ('updating', 1), ('503046', 1), ('restructure', 1), ('knig', 1), ('palmyra', 1), ('dxz', 1), ('ibid', 1), ('disaccharide', 1), ('omitting', 1), ('pitfall', 1), ('306', 1), ('decide', 1), ('son', 1), ('vowel', 1), ('doesnt', 1), ('residential', 1), ('156657', 1), ('ize', 1), ('atter', 1), ('509', 1), ('effect', 1), ('entity', 1), ('buys', 1), ('transacted', 1), ('repathed', 1), ('attained', 1), ('sooner', 1), ('baytown', 1), ('pigging', 1), ('cancelled', 1), ('mtr', 1), ('avcp', 1), ('cry', 1), ('cow', 1), ('mount', 1), ('govern', 1), ('nor', 1), ('616', 1), ('606', 1), ('entering', 1), ('heinrich', 1), ('strategic', 1), ('remind', 1), ('increasingly', 1), ('ecommerce', 1), ('poohbear', 1), ('packmatrix', 1), ('jxiac', 1), ('cf', 1), ('ii', 1), ('0986315', 1), ('aquila', 1), ('buyer', 1), ('440093', 1), ('shouldn', 1), ('christoph', 1), ('stasis', 1), ('argonaut', 1), ('cleveland', 1), ('pobox', 1), ('persecution', 1), ('turvy', 1), ('constrain', 1), ('angel', 1), ('seagull', 1), ('gtsak', 1), ('uu', 1), ('lovvers', 1), ('913', 1), ('owners', 1), ('519', 1), ('timely', 1), ('succinctness', 1), ('upturning', 1), ('armchair', 1), ('brokered', 1), ('cerrito', 1), ('lastiendas', 1), ('tons', 1), ('413', 1), ('enhancements', 1), ('westvaco', 1), ('bayer', 1), ('plusdeck', 1), ('cassette', 1), ('deck', 1), ('20032', 1), ('norton', 1), ('antivirus', 1), ('20055', 1), ('mx', 1), ('20046', 1), ('127', 1), ('acrobat', 1), ('alias', 1), ('maya', 1), ('wavefrtl', 1), ('premiere', 1), ('apple', 1), ('899', 1), ('xml', 1), ('sharing', 1), ('rules', 1), ('irm', 1), ('wizards', 1), ('newsletters', 1), ('materials', 1), ('preformatted', 1), ('768', 1), ('longhorn', 1), ('279', 1), ('dvds', 1), ('encrypt', 1), ('folders', 1), ('integration', 1), ('868', 1), ('cs', 1), ('599', 1), ('529', 1), ('personalized', 1), ('tool', 1), ('settings', 1), ('shortcuts', 1), ('unparalleled', 1), ('efficiency', 1), ('scripts', 1), ('possibilities', 1), ('intuitive', 1), ('raw', 1), ('square', 1), ('pixels', 1), ('modify', 1), ('painting', 1), ('drawing', 1), ('retouching', 1), ('498', 1), ('488', 1), ('6884', 1), ('734', 1), ('436', 1), ('zdrive', 1), ('510', 1), ('sincere', 1), ('honor', 1), ('mover', 1), ('cwtd', 1), ('exploded', 1), ('273', 1), ('eugene', 1), ('sonat', 1), ('banks', 1), ('virginia', 1), ('centerfont', 1), ('arialdownload', 1), ('brbrprices', 1), ('930', 1), ('syb', 1), ('incerease', 1), ('destinations', 1), ('conscious', 1), ('consumers', 1), ('supervizagra', 1), ('un', 1), ('scri', 1), ('swore', 1), ('comedycontract', 1), ('abbott', 1), ('conductancecautionary', 1), ('actively', 1), ('testing', 1), ('federally', 1), ('chemically', 1), ('identical', 1), ('equivalents', 1), ('vlcodln', 1), ('eligible', 1), ('plll', 1), ('803', 1), ('93481', 1), ('461', 1), ('copano', 1), ('charlene', 1), ('cindy', 1), ('charles', 1), ('cormier', 1), ('typo', 1), ('zenoil', 1), ('topical', 1), ('lubricant', 1), ('crease', 1), ('exact', 1), ('628', 1), ('2174', 1), ('sessions', 1), ('intelligence', 1), ('strategies', 1), ('detect', 1), ('chuckle', 1), ('brother', 1), ('homerun', 1), ('attributed', 1), ('eso', 1), ('prompted', 1), ('percentages', 1), ('teams', 1), ('perfoming', 1), ('percentage', 1), ('supervixagra', 1), ('creepy', 1), ('hough', 1), ('karp', 1), ('sulphur', 1), ('australite', 1), ('farmers', 1), ('wylies', 1), ('reality', 1), ('peak', 1), ('um', 1), ('classes', 1), ('excited', 1), ('anythign', 1), ('morgan', 1), ('failed', 1), ('partial', 1), ('dedication', 1), ('1754455243054000', 1), ('vf', 1), ('sadness', 1), ('regret', 1), ('baxter', 1), ('dorcheus', 1), ('brandywine', 1), ('jkoutsi', 1), ('daddy', 1), ('giving', 1), ('session', 1), ('snapshot', 1), ('fluid', 1), ('observe', 1), ('opposite', 1), ('dry', 1), ('chics', 1), ('cheaaatt', 1), ('708', 1), ('hm', 1), ('elblo', 1), ('915', 1), ('watson', 1), ('indicates', 1), ('picked', 1), ('plove', 1), ('court', 1), ('utilize', 1), ('quickness', 1), ('guards', 1), ('walrus', 1), ('carpenter', 1), ('77', 1), ('preparation', 1), ('drug', 1), ('monopoly', 1), ('vols', 1), ('96022051', 1), ('lsno', 1), ('fan', 1), ('fares', 1), ('97929', 1), ('1450', 1), ('proposed', 1), ('1095', 1), ('geehrter', 1), ('zuk', 1), ('252', 1), ('nftiger', 1), ('mitarbeiter', 1), ('620', 1), ('hubco', 1), ('788', 1), ('354', 1), ('cannon', 1), ('nerissa', 1), ('monination', 1), ('tweaks', 1), ('upstream', 1), ('equity', 1), ('generating', 1), ('diligence', 1), ('experts', 1), ('insurance', 1), ('pertaining', 1), ('intend', 1), ('separate', 1), ('expertise', 1), ('fair', 1), ('marjorie', 1), ('nkem', 1), ('938', 1), ('organizations', 1), ('nahou', 1), ('psolp', 1), ('sharon', 1), ('86488321', 1), ('electrical', 1), ('ppep', 1), ('signed', 1), ('mesquite', 1), ('contained', 1), ('organisational', 1), ('cl', 1), ('advisory', 1), ('formosa', 1), ('ebs', 1), ('subsidiary', 1), ('823', 1), ('easier', 1), ('secondary', 1), ('earnings', 1), ('proposal', 1), ('appropriate', 1), ('interconnect', 1), ('biggest', 1), ('stores', 1), ('pharmacies', 1), ('blgs', 1), ('ub', 1), ('oiy', 1), ('mq', 1), ('bf', 1), ('jw', 1), ('forget', 1), ('blockers', 1), ('murdock', 1), ('084', 1), ('launch', 1), ('invitation', 1), ('pharm', 1), ('laryngology', 1), ('sh', 1), ('soundless', 1), ('enrgailng', 1), ('dentist', 1), ('appt', 1), ('norma', 1), ('generalist', 1), ('orgasm', 1), ('supplement', 1), ('jeromy', 1), ('frame', 1), ('pics', 1), ('pena', 1), ('kevin', 1), ('goldston', 1), ('turnaround', 1), ('hassan', 1), ('striktuur', 1), ('delibertly', 1), ('cnusc', 1), ('receivd', 1), ('normally', 1), ('holmes', 1), ('speedy', 1), ('parcel', 1), ('prescriipttion', 1), ('merger', 1), ('octane', 1), ('assigned', 1), ('0439', 1), ('alium', 1), ('gpk', 1), ('renewed', 1), ('spirit', 1), ('lately', 1), ('positive', 1), ('attitude', 1), ('thankfulness', 1), ('satan', 1), ('prevail', 1), ('seeping', 1), ('pray', 1), ('refreshing', 1), ('worded', 1), ('jumpstart', 1), ('payday', 1), ('printing', 1), ('deposit', 1), ('advice', 1), ('303', 1), ('cbn', 1), ('ird', 1), ('cbx', 1), ('16888', 1), ('activate', 1), ('finish', 1), ('billions', 1), ('zeros', 1), ('shed', 1), ('medds', 1), ('carryover', 1), ('rsvp', 1), ('214249', 1), ('214251', 1), ('learn', 1), ('tips', 1), ('pros', 1), ('ecourse', 1), ('cli', 1), ('516', 1), ('remanufacturing', 1), ('industry', 1), ('opportunities', 1), ('mouth', 1), ('false', 1), ('witness', 1), ('speaketh', 1), ('lies', 1), ('soweth', 1), ('discord', 1), ('brethren', 1), ('maillet', 1), ('balustrade', 1), ('broth', 1), ('lew', 1), ('saguaro', 1), ('wander', 1), ('porcine', 1), ('tsarina', 1), ('erudite', 1), ('experimentation', 1), ('descend', 1), ('rehearse', 1), ('cytosine', 1), ('bandgap', 1), ('statesmen', 1), ('clank', 1), ('tact', 1), ('villainous', 1), ('illusion', 1), ('isinglass', 1), ('powderpuff', 1), ('crewcut', 1), ('manfred', 1), ('lemon', 1), ('trot', 1), ('churchgo', 1), ('autotransformer', 1), ('cowlick', 1), ('40000', 1), ('supervisors', 1), ('associates', 1), ('analysts', 1), ('309', 1), ('unable', 1), ('exteneded', 1), ('ql', 1), ('setting', 1), ('beth', 1), ('ryan', 1), ('715', 1), ('wall', 1), ('ideal', 1), ('realignment', 1), ('magnet', 1), ('egg', 1), ('cool', 1), ('probable', 1), ('snarf', 1), ('addresses', 1), ('dias', 1), ('kaf', 1), ('hills', 1), ('seenthe', 1), ('universe', 1), ('inlet', 1), ('undernom', 1), ('berryman', 1), ('989766', 1), ('470753', 1), ('046', 1), ('varou', 1), ('perfer', 1), ('flyer', 1), ('jobsonline', 1), ('todd', 1), ('ratzman', 1), ('eckermann', 1), ('derrek', 1), ('walker', 1), ('val', 1), ('ium', 1), ('xa', 1), ('nax', 1), ('viagr', 1), ('spots', 1), ('continuity', 1), ('covered', 1), ('test', 1), ('desks', 1), ('prescriptionqdrugs', 1), ('prozac', 1), ('114', 1), ('associated', 1), ('chan', 1), ('intention', 1), ('ions', 1), ('transactions', 1), ('filing', 1), ('sec', 1), ('comfort', 1), ('worry', 1), ('6040', 1), ('584', 1), ('intradays', 1), ('ensure', 1), ('properly', 1), ('069', 1), ('556', 1), ('347', 1), ('logo', 1), ('stationery', 1), ('herrera', 1), ('paul', 1), ('couvillan', 1), ('217', 1), ('115', 1), ('tragedy', 1), ('unforgettable', 1), ('fragility', 1), ('heartfelt', 1), ('sympathies', 1), ('families', 1), ('senseless', 1), ('horrific', 1), ('attack', 1), ('deceased', 1), ('colleague', 1), ('humber', 1), ('tragically', 1), ('planes', 1), ('hijacked', 1), ('duty', 1), ('gape', 1), ('ejaculating', 1), ('porno', 1), ('films', 1), ('stronger', 1), ('si', 1), ('dreamt', 1), ('sister', 1), ('sticking', 1), ('compliment', 1), ('opinion', 1), ('sake', 1), ('forgotten', 1), ('followup', 1), ('hgh', 1), ('bingoline', 1), ('lotteria', 1), ('804', 1), ('308', 1), ('oemwhat', 1), ('primarily', 1), ('refers', 1), ('oemincluding', 1), ('afraction', 1), ('costsfrom', 1), ('bel', 1), ('vaild', 1), ('yesterdays', 1), ('coleman', 1), ('terrell', 1), ('ao', 1), ('hendrix', 1), ('isabella', 1), ('168509', 1), ('colorado', 1), ('station', 1), ('7000', 1), ('sattler', 1), ('commanding', 1), ('marine', 1), ('expeditionary', 1), ('troops', 1), ('iraqi', 1), ('unresolved', 1), ('managing', 1), ('elect', 1), ('cynthia', 1), ('231757', 1), ('234567890', 1), ('educated', 1), ('chek', 1), ('151203', 1), ('1595', 1), ('elevator', 1), ('lobby', 1), ('succession', 1), ('lessons', 1), ('lived', 1), ('benefit', 1), ('especially', 1), ('loves', 1), ('wet', 1), ('pussy', 1), ('pounding', 1), ('intrastates', 1), ('onbprescriptionwdrugs', 1), ('greif', 1), ('census', 1), ('dater', 1), ('hydrogen', 1), ('conspiracy', 1), ('horseflesh', 1), ('peed', 1), ('infirmary', 1), ('gunfire', 1), ('altar', 1), ('adamson', 1), ('domain', 1), ('gryphon', 1), ('shrunk', 1), ('dystrophy', 1), ('creche', 1), ('apostolic', 1), ('pyramidal', 1), ('awe', 1), ('switchboard', 1), ('adjourn', 1), ('astigmat', 1), ('stapleton', 1), ('swaziland', 1), ('gradate', 1), ('catnip', 1), ('whelp', 1), ('deducible', 1), ('correspond', 1), ('continuum', 1), ('perforate', 1), ('bleat', 1), ('petrol', 1), ('epithelium', 1), ('tippy', 1), ('salary', 1), ('longleg', 1), ('thyroidal', 1), ('opportune', 1), ('leachate', 1), ('vow', 1), ('keller', 1), ('tenet', 1), ('boggle', 1), ('horsedom', 1), ('curtsey', 1), ('sonorous', 1), ('theology', 1), ('squatted', 1), ('snark', 1), ('solemn', 1), ('elute', 1), ('anhydrous', 1), ('chickadee', 1), ('depth', 1), ('coco', 1), ('footprint', 1), ('churchgoer', 1), ('parsnip', 1), ('thwart', 1), ('jurisprudent', 1), ('verbatim', 1), ('adriatic', 1), ('reman', 1), ('midwestern', 1), ('chinamen', 1), ('bentley', 1), ('dissociate', 1), ('celsius', 1), ('apocrypha', 1), ('peasanthood', 1), ('brazzaville', 1), ('terminal', 1), ('watchful', 1), ('coffer', 1), ('galena', 1), ('hater', 1), ('bengali', 1), ('wa', 1), ('sailboat', 1), ('anisotropic', 1), ('antigen', 1), ('ahem', 1), ('nutate', 1), ('groan', 1), ('idiocy', 1), ('tall', 1), ('towhee', 1), ('emitting', 1), ('contraption', 1), ('instrumentation', 1), ('starr', 1), ('abraham', 1), ('buss', 1), ('canterbury', 1), ('supposition', 1), ('dolomite', 1), ('cartographic', 1), ('arsenate', 1), ('actuarial', 1), ('nile', 1), ('apex', 1), ('momenta', 1), ('breathe', 1), ('classmate', 1), ('claus', 1), ('retrovision', 1), ('lucid', 1), ('cold', 1), ('paean', 1), ('storeroom', 1), ('danzig', 1), ('antisemite', 1), ('bong', 1), ('goldfinch', 1), ('accost', 1), ('guarantor', 1), ('fingertip', 1), ('grizzle', 1), ('gully', 1), ('pompeii', 1), ('malefactor', 1), ('incumbent', 1), ('ostracism', 1), ('adelia', 1), ('pyrimidine', 1), ('analyst', 1), ('thymine', 1), ('shrove', 1), ('eighteen', 1), ('gender', 1), ('acrobacy', 1), ('gaul', 1), ('trencherman', 1), ('emendable', 1), ('champagne', 1), ('compagnie', 1), ('abner', 1), ('climb', 1), ('anomalous', 1), ('chimera', 1), ('handhold', 1), ('backdrop', 1), ('surjective', 1), ('altogether', 1), ('obeisant', 1), ('payoff', 1), ('madison', 1), ('tsunami', 1), ('statistician', 1), ('roadster', 1), ('erlenmeyer', 1), ('anxious', 1), ('argentina', 1), ('vilify', 1), ('effluvia', 1), ('humidistat', 1), ('cartography', 1), ('belmont', 1), ('citizenry', 1), ('dogmatism', 1), ('monochromator', 1), ('bird', 1), ('cogitate', 1), ('capture', 1), ('cistern', 1), ('erie', 1), ('concentric', 1), ('karachi', 1), ('incorruptible', 1), ('aida', 1), ('operable', 1), ('tropospheric', 1), ('singable', 1), ('relieve', 1), ('watchword', 1), ('intervene', 1), ('bernstein', 1), ('narcissus', 1), ('candlelight', 1), ('anastasia', 1), ('permeable', 1), ('strove', 1), ('commensurable', 1), ('servicemen', 1), ('prejudice', 1), ('clergymen', 1), ('logarithmic', 1), ('echidna', 1), ('homicide', 1), ('horrendous', 1), ('plover', 1), ('upward', 1), ('ineluctable', 1), ('rawboned', 1), ('gypsite', 1), ('acidulous', 1), ('orography', 1), ('harbinger', 1), ('proximal', 1), ('dishwater', 1), ('hairy', 1), ('burma', 1), ('requisite', 1), ('wale', 1), ('modesto', 1), ('epilogue', 1), ('hoosegow', 1), ('rebut', 1), ('williamsburg', 1), ('riviera', 1), ('axle', 1), ('dyspeptic', 1), ('gangland', 1), ('agleam', 1), ('sputter', 1), ('hollingsworth', 1), ('mccallum', 1), ('tempt', 1), ('individuate', 1), ('blush', 1), ('faulkner', 1), ('wesleyan', 1), ('gangplank', 1), ('carton', 1), ('aldehyde', 1), ('axial', 1), ('embed', 1), ('cummins', 1), ('ally', 1), ('thomson', 1), ('awash', 1), ('biblical', 1), ('coagulate', 1), ('freetown', 1), ('canvas', 1), ('banbury', 1), ('salvador', 1), ('caste', 1), ('trickery', 1), ('backhand', 1), ('repetitious', 1), ('augustine', 1), ('abyssinia', 1), ('haiti', 1), ('embody', 1), ('amende', 1), ('citron', 1), ('insecure', 1), ('nonagenarian', 1), ('slovenia', 1), ('siegfried', 1), ('cast', 1), ('florentine', 1), ('johnstown', 1), ('cybernetics', 1), ('nostalgia', 1), ('rime', 1), ('stealthy', 1), ('austria', 1), ('escadrille', 1), ('solicit', 1), ('cartilaginous', 1), ('sforzando', 1), ('hawthorne', 1), ('pivotal', 1), ('retrofit', 1), ('truman', 1), ('sawyer', 1), ('bowen', 1), ('sultanate', 1), ('accent', 1), ('malicious', 1), ('cornwall', 1), ('cayuga', 1), ('disneyland', 1), ('eider', 1), ('louvre', 1), ('sherwin', 1), ('deadlock', 1), ('politburo', 1), ('kingpin', 1), ('calamity', 1), ('sumptuous', 1), ('alexandra', 1), ('origin', 1), ('deceive', 1), ('interpretation', 1), ('conferee', 1), ('laurel', 1), ('mellow', 1), ('emmett', 1), ('globular', 1), ('malabar', 1), ('trumbull', 1), ('medlar', 1), ('longhand', 1), ('atonal', 1), ('casework', 1), ('turquoise', 1), ('annie', 1), ('exult', 1), ('gash', 1), ('statler', 1), ('aggression', 1), ('embrittle', 1), ('middlesex', 1), ('unimodal', 1), ('immobility', 1), ('axis', 1), ('fluke', 1), ('boatmen', 1), ('elide', 1), ('deprivation', 1), ('chile', 1), ('craftspeople', 1), ('deanna', 1), ('archibald', 1), ('coextensive', 1), ('commute', 1), ('league', 1), ('cameo', 1), ('bootlegging', 1), ('frick', 1), ('alberich', 1), ('baleen', 1), ('layoff', 1), ('degumming', 1), ('baseplate', 1), ('perturbate', 1), ('elmira', 1), ('presage', 1), ('wingspan', 1), ('stockroom', 1), ('financier', 1), ('wombat', 1), ('consortium', 1), ('downwind', 1), ('baldpate', 1), ('diatom', 1), ('henley', 1), ('backwood', 1), ('dutchman', 1), ('constrict', 1), ('godparent', 1), ('anachronism', 1), ('paula', 1), ('pyrotechnic', 1), ('footmen', 1), ('sloppy', 1), ('apices', 1), ('retention', 1), ('witchcraft', 1), ('xenon', 1), ('vest', 1), ('controversy', 1), ('ammeter', 1), ('gadwall', 1), ('graph', 1), ('helmut', 1), ('schafer', 1), ('immemorial', 1), ('procrustean', 1), ('colonel', 1), ('finnegan', 1), ('togs', 1), ('insignia', 1), ('hungarian', 1), ('heartbeat', 1), ('buttrick', 1), ('umpire', 1), ('sc', 1), ('chalcedony', 1), ('rena', 1), ('chat', 1), ('525', 1), ('523', 1), ('calls', 1), ('7500', 1), ('dangerous', 1), ('578', 1), ('7453', 1), ('greeting', 1), ('attn', 1), ('zqmjcz', 1), ('hits', 1), ('cant', 1), ('alhaji', 1), ('sule', 1), ('gwarzo', 1), ('lockhart', 1), ('highlander', 1), ('9760', 1), ('wherever', 1), ('buit', 1), ('theaters', 1), ('105', 1), ('jollivie', 1), ('shutdown', 1), ('017', 1), ('impacting', 1), ('bp', 1), ('955', 1), ('sjk', 1), ('xl', 1), ('20551', 1), ('calling', 1), ('voicemail', 1), ('cgfsaw', 1), ('cmdaawlolmrlbw', 1), ('rcmlob', 1), ('muz', 1), ('cellular', 1), ('562', 1), ('2050', 1), ('googlecash', 1), ('gives', 1), ('engine', 1), ('google', 1), ('lose', 1), ('freeport', 1), ('medicafont', 1), ('lpxcm', 1), ('fonttifont', 1), ('lpxl', 1), ('fonton', 1), ('brag', 1), ('seldom', 1), ('affords', 1), ('xcelerator', 1), ('outta', 1), ('discrepancy', 1), ('695976', 1), ('bannion', 1), ('availabilities', 1), ('drummond', 1), ('hesitant', 1), ('reluctant', 1), ('hit', 1), ('imb', 1), ('abzt', 1), ('pardon', 1), ('abruptness', 1), ('liberty', 1), ('juliann', 1), ('complimentary', 1), ('champians', 1), ('kn', 1), ('92155', 1), ('hoiding', 1), ('corporation', 1), ('fcdh', 1), ('722', 1), ('411', 1), ('cole', 1), ('birthday', 1), ('present', 1), ('630', 1), ('triplett', 1), ('613', 1), ('clarissa', 1), ('paths', 1), ('converted', 1), ('mov', 1), ('retiree', 1), ('1099', 1), ('transitions', 1), ('pahrma', 1), ('antony', 1), ('qiwbkjbbtz', 1), ('sympatico', 1), ('calculate', 1), ('withhold', 1), ('vonda', 1), ('proud', 1), ('sponsor', 1), ('galleryfurniture', 1), ('bowl', 1), ('646679', 1), ('deletion', 1), ('executed', 1), ('reiterate', 1), ('suspect', 1), ('stray', 1), ('exotic', 1), ('broker', 1), ('107', 1), ('707274', 1), ('986240', 1), ('eileen', 1), ('tammy', 1), ('ownership', 1), ('coordinate', 1), ('happen', 1), ('piece', 1), ('traps', 1), ('proton', 1), ('julyl', 1), ('137870', 1), ('saturn', 1), ('justification', 1), ('replacements', 1), ('alternatives', 1), ('automatically', 1), ('optl', 1), ('ns', 1), ('powerpoint', 1), ('installed', 1), ('wide', 1), ('noder', 1), ('medtions', 1), ('onlinlive', 1), ('shore', 1), ('9781', 1), ('460', 1), ('highschoolalumni', 1), ('bryce', 1), ('graduate', 1), ('714', 1), ('yo', 1), ('bro', 1), ('111', 1), ('jefh', 1), ('banned', 1), ('local', 1), ('singles', 1), ('inside', 1), ('obliged', 1), ('handwriting', 1), ('ten', 1), ('camacho', 1), ('shere', 1), ('118', 1), ('technical', 1), ('htmlhead', 1), ('headbodycenterfont', 1), ('astronaut', 1), ('range', 1), ('counterargument', 1), ('chromatogram', 1), ('quench', 1), ('springfield', 1), ('sepoy', 1), ('yeager', 1), ('douglass', 1), ('cataclysmic', 1), ('parasitic', 1), ('bijective', 1), ('expose', 1), ('afar', 1), ('dogging', 1), ('ineligible', 1), ('chemotherapy', 1), ('medium', 1), ('substitutionary', 1), ('ascent', 1), ('assessor', 1), ('scrapbook', 1), ('stromberg', 1), ('ros', 1), ('ig', 1), ('oft', 1), ('pho', 1), ('win', 1), ('tosh', 1), ('othe', 1), ('dows', 1), ('fess', 1), ('pu', 1), ('tw', 1), ('la', 1), ('twa', 1), ('itl', 1), ('yeswarehouse', 1), ('bizblame', 1), ('melanin', 1), ('bridgeable', 1), ('shatterproof', 1), ('benevolent', 1), ('halite', 1), ('aniline', 1), ('glisten', 1), ('kodachrome', 1), ('burp', 1), ('squamous', 1), ('somers', 1), ('crump', 1), ('pegging', 1), ('bathtub', 1), ('cummings', 1), ('lascar', 1), ('reformatory', 1), ('dereference', 1), ('glossy', 1), ('peninsula', 1), ('egypt', 1), ('mimic', 1), ('tomlinson', 1), ('quadrangle', 1), ('orthodox', 1), ('doubloon', 1), ('crosswort', 1), ('turmoil', 1), ('scourge', 1), ('bergamot', 1), ('gorge', 1), ('admit', 1), ('philosopher', 1), ('belgian', 1), ('consecutive', 1), ('ninefold', 1), ('hemlock', 1), ('croydon', 1), ('bodyguard', 1), ('fusty', 1), ('clayton', 1), ('campanile', 1), ('diverse', 1), ('susie', 1), ('adequate', 1), ('irreversible', 1), ('sancho', 1), ('bismark', 1), ('cinch', 1), ('woodward', 1), ('attendant', 1), ('spokesmen', 1), ('hydronium', 1), ('recriminate', 1), ('quorum', 1), ('heathen', 1), ('pontific', 1), ('pablo', 1), ('blazon', 1), ('blotch', 1), ('pollinate', 1), ('cleanup', 1), ('shock', 1), ('tactician', 1), ('lash', 1), ('saxony', 1), ('cartel', 1), ('nitrite', 1), ('richards', 1), ('dictate', 1), ('codebreak', 1), ('convoy', 1), ('ax', 1), ('airmass', 1), ('divan', 1), ('totalitarian', 1), ('chicanery', 1), ('monotonous', 1), ('grandma', 1), ('lonesome', 1), ('malta', 1), ('fulcrum', 1), ('pulsate', 1), ('viscount', 1), ('mushroom', 1), ('attest', 1), ('impure', 1), ('viewpoint', 1), ('davy', 1), ('douse', 1), ('doreen', 1), ('hyde', 1), ('kaplan', 1), ('explosion', 1), ('bypass', 1), ('quint', 1), ('fin', 1), ('verdant', 1), ('anachronistic', 1), ('merlin', 1), ('rout', 1), ('despise', 1), ('transatlantic', 1), ('sandusky', 1), ('lomb', 1), ('clearheaded', 1), ('drib', 1), ('lubricious', 1), ('inspector', 1), ('parthenon', 1), ('crossbow', 1), ('equivocate', 1), ('motivate', 1), ('baghdad', 1), ('factious', 1), ('laue', 1), ('tofu', 1), ('asphyxiate', 1), ('chaff', 1), ('basilar', 1), ('locale', 1), ('darken', 1), ('clothbound', 1), ('habit', 1), ('specify', 1), ('salesgirl', 1), ('dyad', 1), ('blithe', 1), ('indemnify', 1), ('bullfrog', 1), ('conciliate', 1), ('bowmen', 1), ('concourse', 1), ('tundra', 1), ('vermont', 1), ('derail', 1), ('drag', 1), ('torn', 1), ('cicada', 1), ('bruno', 1), ('mechanism', 1), ('summitry', 1), ('bolivar', 1), ('compton', 1), ('elegy', 1), ('peck', 1), ('rutland', 1), ('eyesore', 1), ('dimple', 1), ('lawbreaking', 1), ('astraddle', 1), ('judson', 1), ('pepsi', 1), ('thud', 1), ('autocorrelate', 1), ('abutted', 1), ('conciliatory', 1), ('ipso', 1), ('zigzag', 1), ('corset', 1), ('mosquito', 1), ('arcana', 1), ('boyce', 1), ('behest', 1), ('crawlspace', 1), ('indomitable', 1), ('atavistic', 1), ('orwell', 1), ('bona', 1), ('bourn', 1), ('hermosa', 1), ('bespeak', 1), ('solace', 1), ('crocodilian', 1), ('insouciant', 1), ('europa', 1), ('orville', 1), ('bogey', 1), ('inimical', 1), ('nectary', 1), ('lavabo', 1), ('belvedere', 1), ('brookhaven', 1), ('bagley', 1), ('syndrome', 1), ('tahoe', 1), ('delicacy', 1), ('linguist', 1), ('megaton', 1), ('mispronunciation', 1), ('depressant', 1), ('abet', 1), ('postponed', 1), ('celebrate', 1), ('achievements', 1), ('diploma', 1), ('searobin', 1), ('78', 1), ('officially', 1), ('hilcorp', 1), ('numerous', 1), ('containing', 1), ('complies', 1), ('aspect', 1), ('discontinue', 1), ('raymert', 1), ('ste', 1), ('las', 1), ('vegas', 1), ('nv', 1), ('nine', 1), ('verses', 1), ('treebeard', 1), ('debt', 1), ('dwe', 1), ('565701', 1), ('839', 1), ('0573', 1), ('557', 1), ('4869', 1), ('autohedge', 1), ('loose', 1), ('cabooseyou', 1), ('shake', 1), ('ja', 1), ('erxs', 1), ('elixir', 1), ('potent', 1), ('evaluating', 1), ('ina', 1), ('rangel', 1), ('831', 1), ('embattle', 1), ('slaughterhouse', 1), ('thereon', 1), ('baden', 1), ('mommy', 1), ('quota', 1), ('convene', 1), ('coddle', 1), ('hearst', 1), ('democracy', 1), ('cataract', 1), ('beat', 1), ('asylum', 1), ('corvette', 1), ('cortex', 1), ('calcite', 1), ('fracture', 1), ('leaven', 1), ('connecticut', 1), ('mcmahon', 1), ('melinda', 1), ('deprecate', 1), ('festival', 1), ('participating', 1), ('domestic', 1), ('undermine', 1), ('devastation', 1), ('plain', 1), ('comparison', 1), ('retailers', 1), ('moms', 1), ('videos', 1), ('coastal', 1), ('monte', 1), ('cristo', 1), ('9873', 1), ('491', 1), ('754', 1), ('108672', 1), ('citibank', 1), ('manually', 1), ('guarded', 1), ('secrets', 1), ('smartooptions', 1), ('reveiw', 1), ('holly', 1), ('inform', 1), ('spyware', 1), ('adware', 1), ('tikn', 1), ('staceykn', 1), ('yahoo', 1), ('mails', 1), ('congradulations', 1), ('budgeted', 1), ('pig', 1), ('lake', 1), ('tire', 1), ('8673849000404220545', 1), ('0984179', 1), ('hoff', 1), ('heller', 1), ('cdp', 1), ('tiger', 1), ('technoiogies', 1), ('rocher', 1), ('427', 1), ('cutoff', 1), ('processing', 1), ('1876', 1), ('462490', 1), ('213', 1), ('143', 1), ('waited', 1), ('discovered', 1), ('rewards', 1), ('tm', 1), ('daugherty', 1), ('genuric', 1), ('ciilis', 1), ('apyalis', 1), ('prgces', 1), ('sean', 1), ('antidote', 1), ('infants', 1), ('lap', 1), ('rise', 1), ('shine', 1), ('281', 1), ('343', 1), ('8233', 1), ('841134748543059864', 1), ('oncolonel', 1), ('bishop', 1), ('staggered', 1), ('druggs', 1), ('popping', 1), ('congratulate', 1), ('ther', 1), ('players', 1), ('handbook', 1), ('difficult', 1), ('ruin', 1), ('laws', 1), ('economic', 1), ('pleo', 1), ('0004', 1), ('smoking', 1), ('mercilessly', 1), ('abuse', 1), ('tender', 1), ('cunts', 1), ('filters', 1), ('andy', 1), ('monga', 1), ('stories', 1), ('benthic', 1), ('immaturedirty', 1), ('eclogue', 1), ('conferringbract', 1), ('712', 1), ('705989', 1), ('kept', 1), ('recoup', 1), ('repay', 1), ('818', 1), ('???', 1), ('212', 1), ('maro', 1), ('siatar', 1), ('139055', 1), ('metered', 1), ('golfboxx', 1), ('ajuinbol', 1), ('balzak', 1), ('511', 1), ('controls', 1), ('660', 1), ('produced', 1), ('keys', 1), ('papers', 1), ('tester', 1), ('postcode', 1), ('138095', 1), ('clinically', 1), ('tested', 1), ('en', 1), ('largement', 1), ('berne', 1), ('hotbox', 1), ('carnal', 1), ('cutworm', 1), ('dyadic', 1), ('137205', 1), ('handout', 1), ('motors', 1), ('reduction', 1), ('advancements', 1), ('daran', 1), ('381', 1), ('263', 1), ('159', 1), ('745', 1), ('541', 1), ('008', 1), ('beale', 1), ('handles', 1), ('57', 1), ('249', 1), ('requistions', 1), ('appologize', 1), ('attachments', 1), ('medlcatlons', 1), ('edg', 1), ('onhyour', 1), ('arrangments', 1), ('swift', 1), ('morals', 1), ('legislature', 1), ('imagination', 1), ('setup', 1), ('522', 1), ('thad', 1), ('madrid', 1), ('luke', 1), ('hhere', 1), ('mommies', 1), ('treat', 1), ('sons', 1), ('1168', 1), ('guts', 1), ('erroring', 1), ('916', 1), ('ortgage', 1), ('crawfish', 1), ('geared', 1), ('pbas', 1), ('103', 1), ('622', 1), ('enronoptions', 1), ('cornhusker', 1), ('dewdrop', 1), ('prominent', 1), ('maneuvering', 1), ('northwards', 1), ('fuschia', 1), ('dresner', 1), ('accountant', 1), ('9658', 1), ('789355', 1), ('joe', 1), ('eshopkey', 1), ('magic', 1), ('kerr', 1), ('mcgee', 1), ('200', 1), ('kitchen', 1), ('tpa', 1), ('consolidate', 1), ('proceed', 1), ('preparing', 1), ('startup', 1), ('paperwork', 1), ('doubt', 1), ('substantial', 1), ('gaps', 1), ('proper', 1), ('citgo', 1), ('channel', 1), ('knapp', 1), ('gifts', 1), ('literally', 1), ('babyme', 1), ('hurry', 1), ('searsroomforkids', 1), ('eyeglasses', 1), ('frames', 1), ('merchandise', 1), ('exceptional', 1), ('values', 1), ('outlet', 1), ('websites', 1), ('calphalon', 1), ('inactivated', 1), ('15880647714247442333', 1), ('lube', 1), ('neeeeeeed', 1), ('aiu', 1), ('publisher', 1), ('craze', 1), ('finnally', 1), ('bast', 1), ('qem', 1), ('allsoftbest', 1), ('qult', 1), ('logged', 1), ('duck', 1), ('hunting', 1), ('mpe', 1), ('wassupsouthparkl', 1), ('exe', 1), ('christina', 1), ('church', 1), ('confusion', 1), ('assignments', 1), ('416019', 1), ('folder', 1), ('1925', 1), ('formed', 1), ('growing', 1), ('fear', 1), ('broadcast', 1), ('isp', 1), ('troubles', 1), ('marketlng', 1), ('ad', 1), ('underway', 1), ('compare', 1), ('rather', 1), ('recelve', 1), ('enw', 1), ('276366', 1), ('target', 1), ('fantastic', 1), ('clients', 1), ('vcsc', 1), ('igho', 1), ('kadiri', 1), ('70422', 1), ('faster', 1), ('387571', 1), ('9707', 1), ('459', 1), ('125786', 1), ('checkout', 1), ('fairly', 1), ('mtg', 1), ('96731', 1), ('oss', 1), ('devise', 1), ('sort', 1), ('tks', 1), ('bmc', 1), ('sealy', 1), ('discussing', 1), ('promotion', 1), ('tha', 1), ('tgpl', 1), ('1087', 1), ('895951', 1), ('simplified', 1), ('schematic', 1), ('discounts', 1), ('uup', 1), ('brands', 1), ('attempt', 1), ('205', 1), ('winning', 1), ('1505', 1), ('htm', 1), ('scoop', 1), ('phones', 1), ('cingular', 1), ('weehaukan', 1), ('558', 1), ('4622', 1), ('508', 1), ('css', 1), ('merge', 1), ('player', 1), ('merging', 1), ('preserve', 1), ('components', 1), ('65000', 1), ('erection', 1), ('increases', 1), ('claimed', 1), ('majeure', 1), ('granted', 1), ('permission', 1), ('128', 1), ('249208', 1), ('filtered', 1), ('venturatos', 1), ('upset', 1), ('steam', 1), ('boiler', 1), ('uy', 1), ('midnight', 1), ('schneider', 1), ('redmond', 1), ('3567', 1), ('herod', 1), ('126281', 1), ('rtxyj', 1), ('nxfgr', 1), ('ktrqr', 1), ('abtyw', 1), ('ifpyc', 1), ('edvve', 1), ('223', 1), ('midst', 1), ('enhancing', 1), ('fka', 1), ('glycerophosphoric', 1), ('homolog', 1), ('designer', 1), ('fourcher', 1), ('lenticula', 1), ('mastectomy', 1), ('programer', 1), ('extrapelvic', 1), ('spiffing', 1), ('microcentrosome', 1), ('redshirted', 1), ('extrasystole', 1), ('isogenous', 1), ('pseudoviaduct', 1), ('tongued', 1), ('unconsonant', 1), ('undisadvantageous', 1), ('shahdoms', 1), ('vaugnerite', 1), ('estuarine', 1), ('armholes', 1), ('flask', 1), ('jouk', 1), ('palaeography', 1), ('haffet', 1), ('nonheritor', 1), ('choloidic', 1), ('bedchamber', 1), ('lutianid', 1), ('misled', 1), ('gratifies', 1), ('pillmonger', 1), ('ciliata', 1), ('somatotyper', 1), ('apomecometry', 1), ('proceduring', 1), ('streptobacillus', 1), ('unsoluble', 1), ('lay', 1), ('screw', 1), ('duplicate', 1), ('lotus', 1), ('orchard', 1), ('guei', 1), ('jealous', 1), ('cock', 1), ('arrangements', 1), ('prioritize', 1), ('1553', 1), ('whatever', 1), ('hiya', 1), ('cute', 1), ('rail', 1), ('ciao', 1), ('downloaded', 1), ('pavilion', 1), ('highlighted', 1), ('barrett', 1), ('cinm', 1), ('highlights', 1), ('810', 1), ('revert', 1), ('dz', 1), ('76', 1), ('rescheduled', 1), ('transmitted', 1), ('elpaso', 1), ('96016601', 1), ('termed', 1), ('701', 1), ('worlds', 1), ('dermal', 1), ('atch', 1), ('nis', 1), ('enlarg', 1), ('ment', 1), ('374', 1), ('significantly', 1), ('7280', 1), ('rn', 1), ('tomom', 1), ('nling', 1), ('nmicks', 1), ('npe', 1), ('juest', 1), ('incr', 1), ('honeple', 1), ('arpting', 1), ('onlicatir', 1), ('aited', 1), ('tio', 1), ('apayjupy', 1), ('thowing', 1), ('uto', 1), ('yowser', 1), ('tt', 1), ('staay', 1), ('considered', 1), ('orig', 1), ('overdeliver', 1), ('zammit', 1), ('paged', 1), ('reiterated', 1), ('remainder', 1), ('327', 1), ('toshiba', 1), ('seventy', 1), ('pill', 1), ('203', 1), ('mission', 1), ('coordinator', 1), ('precautionary', 1), ('measure', 1), ('hardware', 1), ('childres', 1), ('alpine', 1), ('bueno', 1), ('affiliates', 1), ('happened', 1), ('transco', 1), ('imbalances', 1), ('oh', 1), ('yeah', 1), ('594596', 1), ('323', 1), ('031', 1), ('enjoyed', 1), ('ton', 1), ('wouldnt', 1), ('greatly', 1), ('appreciated', 1), ('hershel', 1), ('responsible', 1), ('919', 1), ('soto', 1), ('published', 1), ('501', 1), ('abazis', 1), ('yael', 1), ('newel', 1), ('chancy', 1), ('anorthosite', 1), ('loop', 1), ('gander', 1), ('zorn', 1), ('diplomatic', 1), ('aiken', 1), ('doctrine', 1), ('cowpunch', 1), ('internecine', 1), ('hearken', 1), ('kendall', 1), ('reinforce', 1), ('checksum', 1), ('continuo', 1), ('finery', 1), ('refection', 1), ('headway', 1), ('jiffy', 1), ('mephistopheles', 1), ('cougar', 1), ('fungoid', 1), ('violin', 1), ('majestic', 1), ('monmouth', 1), ('squeeze', 1), ('eveready', 1), ('dispensary', 1), ('stateroom', 1), ('douglas', 1), ('floury', 1), ('deferring', 1), ('catkin', 1), ('embassy', 1), ('blythe', 1), ('greenhouse', 1), ('ireland', 1), ('denote', 1), ('warden', 1), ('vertical', 1), ('demerit', 1), ('emmanuel', 1), ('evenhanded', 1), ('shirk', 1), ('vixen', 1), ('grandparent', 1), ('rm', 1), ('indulge', 1), ('tag', 1), ('heuer', 1), ('ben', 1), ('pages', 1), ('script', 1), ('328065070852030413', 1), ('pha', 1), ('rmacy', 1), ('match', 1), ('413447', 1), ('bodyhtml', 1), ('xcel', 1), ('429', 1), ('hgpl', 1), ('8284', 1), ('986679', 1), ('986742', 1), ('reassigned', 1), ('infotex', 1), ('holdings', 1), ('ifxh', 1), ('retained', 1), ('treating', 1), ('0300', 1), ('980072', 1), ('anyone', 1), ('929', 1), ('dropped', 1), ('reservation', 1), ('stables', 1), ('cl?ck', 1), ('h?r?', 1), ('b?st', 1), ('p?n?s', 1), ('enlarg?m?nt', 1), ('p?lls', 1), ('mosley', 1), ('duplicator', 1), ('923', 1), ('mill', 1), ('ardsley', 1), ('10502', 1), ('chevron', 1), ('silkleafy', 1), ('apart', 1), ('danecclesiastic', 1), ('extension', 1), ('febo', 1), ('imput', 1), ('inadvertently', 1), ('centana', 1), ('mor', 1), ('tg', 1), ('obtaining', 1), ('rescription', 1), ('^', 1), ('edication', 1), ('cheapest', 1), ('ugs', 1), ('topstocks', 1), ('mar', 1), ('estimate', 1), ('hollerin', 1), ('1332', 1), ('professionals', 1), ('dan', 1), ('tinydrive', 1), ('jody', 1), ('storewide', 1), ('589257', 1), ('identified', 1), ('clearence', 1), ('deadline', 1), ('donald', 1), ('involving', 1), ('alone', 1), ('hell', 1), ('basket', 1), ('clue', 1), ('scada', 1), ('mips', 1), ('pearl', 1), ('baaaaaack', 1), ('satisfied', 1), ('testimonials', 1), ('posting', 1), ('orgasmic', 1), ('cumshot', 1), ('gpa', 1), ('michel', 1), ('bryan', 1), ('humble', 1), ('themselves', 1), ('cowtrap', 1), ('trades', 1), ('mcintyre', 1), ('expatriate', 1), ('986789', 1), ('12079', 1), ('12000', 1), ('darrin', 1), ('sluts', 1), ('rigid', 1), ('cocks', 1), ('asses', 1), ('mouthes', 1), ('tkns', 1), ('chaney', 1), ('182', 1), ('152', 1), ('180', 1), ('41', 1), ('0200', 1), ('902', 1), ('721', 1), ('comfortable', 1), ('iu', 1), ('iro', 1), ('50791', 1), ('viagdra', 1), ('ciadlis', 1), ('katya', 1), ('dirty', 1), ('playing', 1), ('pecker', 1), ('disscount', 1), ('phafrmacy', 1), ('onlsine', 1), ('computron', 1), ('jill', 1), ('anymore', 1), ('eex', 1), ('quote', 1), ('combined', 1), ('arthur', 1), ('saxet', 1), ('5200', 1), ('ish', 1), ('participants', 1), ('lindley', 1), ('ejaculte', 1), ('penetration', 1), ('wonderful', 1), ('public', 1), ('hidalgo', 1), ('8740', 1), ('regard', 1), ('contacted', 1), ('referred', 1), ('housewives', 1), ('anyways', 1), ('138049', 1), ('reserve', 1), ('totaling', 1), ('350', 1), ('mm', 1), ('ramp', 1), ('outtage', 1), ('repiica', 1), ('newsweek', 1), ('wean', 1), ('befit', 1), ('walking', 1), ('ran', 1), ('sexual', 1), ('areaclick', 1), ('yep', 1), ('noon', 1), ('sacrificer', 1), ('ballerina', 1), ('survives', 1), ('specialties', 1), ('amherst', 1), ('ny', 1), ('14051', 1), ('solicitation', 1), ('west', 1), ('3002', 1), ('3003', 1), ('980068', 1), ('logon', 1), ('611178', 1), ('603107', 1), ('13000', 1), ('9860', 1), ('473', 1), ('453067', 1), ('tions', 1), ('3127', 1), ('ookioog', 1), ('nfmio', 1), ('sits', 1), ('fra', 1), ('fe', 1), ('qte', 1), ('rht', 1), ('lie', 1), ('replications', 1), ('wrist', 1), ('sailor', 1), ('gur', 1), ('corn', 1), ('dinner', 1), ('oldest', 1), ('801', 1), ('responsibilities', 1), ('fw', 1), ('olsen', 1), ('122', 1), ('25000', 1), ('octo', 1), ('visible', 1), ('factor', 1), ('congratulations', 1), ('unprecedented', 1), ('row', 1), ('showed', 1), ('expenses', 1), ('979', 1), ('909', 1), ('862', 1), ('dietred', 1), ('biz', 1), ('toyz', 1), ('tglo', 1), ('byron', 1), ('transtion', 1), ('exclusive', 1), ('bold', 1), ('execpt', 1), ('helmerich', 1), ('payne', 1), ('expiring', 1), ('9699', 1), ('whiteboard', 1), ('israel', 1), ('offensive', 1), ('gaza', 1), ('fails', 1), ('attacks', 1), ('israeli', 1), ('redeployment', 1), ('cortizyte', 1), ('erections', 1), ('stephen', 1), ('617', 1), ('started', 1), ('icon', 1), ('collumbus', 1), ('walter', 1), ('compressor', 1), ('3486', 1), ('notebookplusmobile', 1), ('fargo', 1), ('tail', 1), ('laugh', 1), ('6879', 1), ('988022', 1), ('salt', 1), ('bav', 1), ('feed', 1), ('uosda', 1), ('apaproved', 1), ('mledms', 1), ('heure', 1), ('verrotst', 1), ('trapsgewijs', 1), ('wetswijzigingen', 1), ('229481', 1), ('ernie', 1), ('block', 1), ('commenced', 1), ('minerals', 1), ('5053', 1), ('jim', 1), ('preparatory', 1), ('mauch', 1), ('hesco', 1), ('wanting', 1), ('marthon', 1), ('comment', 1), ('bucket', 1), ('income', 1), ('parker', 1), ('boyt', 1), ('terms', 1), ('importance', 1), ('004', 1), ('thinks', 1), ('invitee', 1), ('822', 1), ('63', 1), ('sweeny', 1), ('tim', 1), ('couples', 1), ('mayer', 1), ('surprising', 1), ('accomplished', 1), ('jessica', 1), ('hyatt', 1), ('gone', 1), ('owed', 1), ('unmarked', 1), ('envelope', 1), ('howdy', 1), ('evelyn', 1), ('monroe', 1), ('measured', 1), ('362125', 1), ('9221', 1), ('derstatus', 1), ('expeditious', 1), ('thousands', 1), ('seminar', 1), ('brandee', 1), ('initiating', 1), ('sitting', 1), ('disappointed', 1), ('pissed', 1), ('curious', 1), ('locate', 1), ('rxmeds', 1), ('4555', 1), ('6677', 1), ('9618', 1), ('9889', 1), ('bombast', 1), ('eagan', 1), ('traffic', 1), ('lights', 1), ('cameras', 1), ('rob', 1), ('madonna', 1), ('enrolls', 1), ('603', 1), ('ipass', 1), ('obtained', 1), ('itcentral', 1), ('correa', 1), ('erms', 1), ('sn', 1), ('gcp', 1), ('x?', 1), ('n?xmg', 1), ('t?blets', 1), ('d?scount', 1), ('overn?ght', 1), ('worksheets', 1), ('htmlheadtitlelt', 1), ('subscription', 1), ('624', 1), ('approver', 1), ('itcapps', 1), ('srrs', 1), ('auth', 1), ('emaillink', 1), ('asp', 1), ('000000000049773', 1), ('96', 1), ('provision', 1), ('thus', 1), ('334995', 1), ('155', 1), ('sup', 1), ('costass', 1), ('almost', 1), ('agreements', 1), ('redactor', 1), ('quite', 1), ('byword', 1), ('circumlocution', 1), ('cutesy', 1), ('rosters', 1), ('calvin', 1), ('relax', 1), ('908', 1), ('cription', 1), ('rollled', 1), ('convert', 1), ('temperature', 1), ('weights', 1), ('1554', 1), ('naturalgain', 1), ('expand', 1), ('professioznal', 1), ('502', 1), ('taifd', 1), ('lowered', 1), ('rem', 1), ('php', 1), ('shared', 1), ('wealth', 1), ('costly', 1), ('recipes', 1), ('583', 1), ('abacustech', 1), ('pic', 1), ('haley', 1), ('immune', 1), ('buybacks', 1), ('lowpriced', 1), ('eds', 1), ('overton', 1), ('260', 1), ('muniz', 1), ('compleat', 1), ('palpable', 1), ('aphrodite', 1), ('purse', 1), ('trianon', 1), ('chevy', 1), ('scarsdale', 1), ('authoritarian', 1), ('blat', 1), ('antecedent', 1), ('counterflow', 1), ('erect', 1), ('skeptic', 1), ('parakeet', 1), ('hostess', 1), ('cornea', 1), ('deoxyribose', 1), ('bisque', 1), ('shamefaced', 1), ('coliseum', 1), ('mighty', 1), ('socioeconomic', 1), ('articulate', 1), ('sedulous', 1), ('capsule', 1), ('accreditation', 1), ('lao', 1), ('coherent', 1), ('confidante', 1), ('dugan', 1), ('galaxy', 1), ('furthermost', 1), ('parr', 1), ('ebullient', 1), ('eggplant', 1), ('upstart', 1), ('bullhead', 1), ('beauregard', 1), ('carthaginian', 1), ('ablaze', 1), ('cattle', 1), ('statesmanlike', 1), ('rabbi', 1), ('astarte', 1), ('maladaptive', 1), ('inextinguishable', 1), ('anomaly', 1), ('kerygma', 1), ('aberrate', 1), ('commendation', 1), ('ohmmeter', 1), ('congest', 1), ('bustard', 1), ('rudiment', 1), ('presentational', 1), ('cultivable', 1), ('sowbelly', 1), ('affluence', 1), ('sacrament', 1), ('corruptible', 1), ('paperback', 1), ('ruination', 1), ('cardinal', 1), ('helix', 1), ('roosevelt', 1), ('gam', 1), ('iconic', 1), ('lice', 1), ('exhilarate', 1), ('paramagnet', 1), ('brushlike', 1), ('anarch', 1), ('convair', 1), ('rectangular', 1), ('annex', 1), ('chairwomen', 1), ('atone', 1), ('faery', 1), ('inauspicious', 1), ('duopoly', 1), ('214', 1), ('geehrte', 1), ('kundin', 1), ('deport', 1), ('1671', 1), ('841', 1), ('131', 1), ('377169', 1), ('killing', 1), ('82', 1), ('083', 1), ('writing', 1), ('catherine', 1), ('alliterate', 1), ('trilobite', 1), ('goober', 1), ('memento', 1), ('swigging', 1), ('pasteboard', 1), ('unwanted', 1), ('popups', 1), ('hazards', 1), ('permanently', 1), ('dad', 1), ('frying', 1), ('pan', 1), ('jillian', 1), ('crashed', 1), ('nevermind', 1), ('briababhdpr', 1), ('frdjvdbesk', 1), ('cdpizacqjkufx', 1), ('hfkosxcymgftzd', 1), ('wdyiwpbqipv', 1), ('xxieqncfpa', 1), ('avails', 1), ('beverly', 1), ('beaty', 1), ('nelson', 1), ('ferries', 1), ('reproductions', 1), ('servepics', 1), ('wtc', 1), ('pps', 1), ('vkiagra', 1), ('dose', 1), ('rankings', 1), ('pursue', 1), ('marianne', 1), ('bicycle', 1), ('symbol', 1), ('track', 1), ('asking', 1), ('deadlines', 1), ('ranked', 1), ('counting', 1), ('enjoying', 1), ('improving', 1), ('pharmacourt', 1), ('vgr', 1), ('vlm', 1), ('xnx', 1), ('securely', 1), ('respect', 1), ('qfzaudi', 1), ('utfgva', 1), ('travelers', 1), ('cbs', 1), ('lofton', 1), ('anthony', 1), ('repairs', 1), ('sounds', 1), ('edie', 1), ('stomach', 1), ('hurts', 1), ('stressing', 1), ('acted', 1), ('hardly', 1), ('house', 1), ('feels', 1), ('gonna', 1), ('careless', 1), ('washing', 1), ('hands', 1), ('bites', 1), ('nails', 1), ('figured', 1), ('virus', 1), ('yvlao', 1), ('ehxjuscnmccjbcm', 1), ('hsxde', 1), ('nfhpk', 1), ('ell', 1), ('ylbefybecn', 1), ('wws', 1), ('alqq', 1), ('hjcj', 1), ('rzh', 1), ('mi', 1), ('emkqlz', 1), ('sxldi', 1), ('rp', 1), ('ti', 1), ('974', 1), ('xzellxo', 1), ('vxe', 1), ('bm', 1), ('lpv', 1), ('bgymyaxdh', 1), ('ovyabl', 1), ('uni', 1), ('dlhkk', 1), ('ytp', 1), ('vkm', 1), ('igo', 1), ('flvvu', 1), ('ayl', 1), ('kzw', 1), ('jna', 1), ('ea', 1), ('743', 1), ('nth', 1), ('5275', 1), ('jefe', 1), ('mention', 1), ('reindeer', 1), ('games', 1), ('bosses', 1), ('certificate', 1), ('objections', 1), ('54', 1), ('priice', 1), ('softwares', 1), ('740208', 1), ('740209', 1), ('740210', 1), ('740235', 1), ('dealing', 1), ('819592', 1), ('819594', 1), ('819596', 1), ('819598', 1), ('backing', 1), ('819593', 1), ('819595', 1), ('819597', 1), ('819599', 1), ('posted', 1), ('johnson', 1), ('mop', 1), ('pal', 1), ('transported', 1), ('1856', 1), ('tina', 1), ('yuma', 1), ('goodbyeion', 1), ('limitedd', 1), ('borrett', 1), ('westhong', 1), ('kong', 1), ('enrolled', 1), ('effectively', 1), ('liquids', 1), ('201952', 1), ('richardson', 1), ('ciose', 1), ('francis', 1), ('ops', 1), ('remond', 1), ('newswires', 1), ('ene', 1), ('expects', 1), ('proceedings', 1), ('declined', 1), ('citigroup', 1), ('bidding', 1), ('assets', 1), ('auction', 1), ('adjust', 1), ('sunday', 1), ('professiotnal', 1), ('536', 1), ('pw', 1), ('pair', 1), ('finder', 1), ('lender', 1), ('sexually', 1), ('liberated', 1), ('completely', 1), ('cqg', 1), ('supposed', 1), ('citygate', 1), ('loads', 1), ('louis', 1), ('virtue', 1), ('assistant', 1), ('museum', 1), ('paris', 1), ('expedition', 1), ('trtd', 1), ('centertable', 1), ('canadia', 1), ('gener', 1), ('ics', 1), ('ph', 1), ('armaceutical', 1), ('dell', 1), ('641806518', 1), ('scotty', 1), ('aid', 1), ('malikadna', 1), ('duddery', 1), ('persimmon', 1), ('humankind', 1), ('omnipotency', 1), ('314', 1), ('messages', 1), ('viicodin', 1), ('viagraa', 1), ('vallium', 1), ('6673', 1), ('guest', 1), ('rooming', 1), ('messenging', 1), ('birth', 1), ('makenzi', 1), ('reigh', 1), ('glover', 1), ('weighed', 1), ('pounds', 1), ('ounces', 1), ('mother', 1), ('phscare', 1), ('arrivals', 1), ('63848', 1), ('presbyterian', 1), ('carrtwheel', 1), ('warner', 1), ('bros', 1), ('legends', 1), ('dandy', 1), ('taste', 1), ('entertainment', 1), ('offered', 1), ('superfluous', 1), ('atrocious', 1), ('looney', 1), ('tunes', 1), ('adventures', 1), ('robin', 1), ('treasure', 1), ('sierra', 1), ('madre', 1), ('prizes', 1), ('era', 1), ('impressed', 1), ('cinematography', 1), ('performances', 1), ('discs', 1), ('faded', 1), ('reds', 1), ('distorted', 1), ('audio', 1), ('vendor', 1), ('wagon', 1), ('explodes', 1), ('sudden', 1), ('burst', 1), ('blocky', 1), ('redartifacts', 1), ('dust', 1), ('cloud', 1), ('cartoon', 1), ('vhs', 1), ('analog', 1), ('television', 1), ('serviceable', 1), ('katnip', 1), ('typical', 1), ('1930', 1), ('ball', 1), ('marginally', 1), ('robinhood', 1), ('daffy', 1), ('latter', 1), ('faint', 1), ('shimmer', 1), ('characters', 1), ('backgrounds', 1), ('lauren', 1), ('resource', 1), ('djfr', 1), ('ngpa', 1), ('airproducts', 1), ('petrofina', 1), ('nowcllck', 1), ('824', 1), ('aging', 1), ('forecasting', 1), ('grass', 1), ('dramatic', 1), ('connective', 1), ('tissue', 1), ('healing', 1), ('skeletal', 1), ('fragile', 1), ('ulcers', 1), ('fractured', 1), ('bones', 1), ('heal', 1), ('profound', 1), ('gains', 1), ('strength', 1), ('paint', 1), ('1869', 1), ('surfing', 1), ('zamit', 1), ('organizational', 1), ('lucky', 1), ('charms', 1), ('pot', 1), ('gold', 1), ('phoenican', 1), ('ino', 1), ('saint', 1), ('patrick', 1), ('302', 1), ('began', 1), ('flange', 1), ('ronnie', 1), ('skerrik', 1), ('stone', 1), ('prlce', 1), ('trofholz', 1), ('kathy', 1), ('benedict', 1), ('mistaken', 1), ('805', 1), ('ralph', 1), ('velez', 1), ('handlin', 1), ('partnership', 1), ('tablets', 1), ('alleviate', 1), ('significance', 1), ('6633', 1), ('approximate', 1), ('incremental', 1), ('591', 1), ('wassup', 1), ('avi', 1), ('warning', 1), ('dn', 1), ('nio', 1), ('dreme', 1), ('anve', 1), ('surely', 1), ('237756', 1), ('seem', 1), ('avoid', 1), ('keeping', 1), ('dial', 1), ('connection', 1), ('802', 1), ('didrex', 1), ('nasacort', 1), ('timing', 1), ('article', 1), ('implemented', 1), ('thier', 1), ('sharpen', 1), ('evaluation', 1), ('writting', 1), ('skills', 1), ('scherlyn', 1), ('2186', 1), ('1375', 1), ('agreementat', 1), ('bb', 1), ('tre', 1), ('lnk', 1), ('tlm', 1), ('clalls', 1), ('lnstant', 1), ('rockhard', 1), ('709296', 1), ('adtra', 1), ('sherry', 1), ('wayman', 1), ('tests', 1), ('150325', 1), ('424', 1), ('contestants', 1), ('ain', 1), ('301', 1), ('contacts', 1), ('munched', 1), ('armpit', 1), ('budweiser', 1), ('emphasis', 1), ('oppose', 1), ('footlocker', 1), ('classifier', 1), ('reckon', 1), ('wrapper', 1), ('documentation', 1), ('027', 1), ('mjj', 1), ('6892', 1), ('spill', 1), ('decatherms', 1), ('keith', 1), ('intra', 1), ('manley', 1), ('recur', 1), ('anteater', 1), ('bey', 1), ('cohomology', 1), ('argumentation', 1), ('leapt', 1), ('childhood', 1), ('rated', 1), ('ation', 1), ('stead', 1), ('metal', 1), ('035', 1), ('157572', 1), ('1372', 1), ('vary', 1), ('phrase', 1), ('420', 1), ('effecting', 1), ('rd', 1), ('condom', 1), ('1591', 1), ('entire', 1), ('receives', 1), ('211573', 1), ('abasements', 1), ('darer', 1), ('prudently', 1), ('fortuitous', 1), ('undergone', 1), ('pockets', 1), ('vvatch', 1), ('kidding', 1), ('gget', 1), ('reuters', 1), ('quotes', 1), ('72084', 1), ('requires', 1), ('transporter', 1), ('040', 1), ('deficienty', 1), ('deficiency', 1), ('hospitals', 1), ('172', 1), ('administrators', 1), ('cody', 1), ('985333', 1), ('drives', 1), ('burn', 1), ('burner', 1), ('doorstep', 1), ('progress', 1), ('nipple', 1), ('fatties', 1), ('grandmas', 1), ('blond', 1), ('grannies', 1), ('duve', 1), ('khumalo', 1), ('unlimited', 1), ('auto', 1), ('janeiro', 1), ('snack', 1), ('rhythm', 1), ('regards', 1), ('renegotiated', 1), ('pen', 1), ('sparks', 1), ('wffur', 1), ('attion', 1), ('brom', 1), ('inst', 1), ('siupied', 1), ('pgst', 1), ('riwe', 1), ('asently', 1), ('samuel', 1), ('kunte', 1), ('doxxcstctorr', 1), ('neeedeed', 1), ('bringing', 1), ('syngas', 1), ('janice', 1), ('berke', 1), ('davis', 1), ('reception', 1), ('gotta', 1), ('hormone', 1), ('dietary', 1), ('therapy', 1), ('bodytable', 1), ('trtda', 1), ('adehlcgjik', 1), ('allhere', 1), ('fromdaren', 1), ('pgev', 1), ('2599', 1), ('require', 1), ('warrant', 1), ('intrastate', 1), ('obvious', 1), ('contributions', 1), ('recognize', 1), ('instrumental', 1), ('roles', 1), ('wishing', 1), ('noches', 1), ('lips', 1), ('played', 1), ('sun', 1), ('remained', 1), ('profession', 1), ('climbing', 1), ('nearly', 1), ('certainly', 1), ('parents', 1), ('discipline', 1), ('bear', 1), ('endgame', 1), ('biomedicine', 1), ('protestantizes', 1), ('parted', 1), ('9826', 1), ('difficulty', 1), ('stake', 1), ('springs', 1), ('986315', 1), ('travelocitylast', 1), ('168', 1), ('login', 1), ('metz', 1), ('vx', 1), ('speakers', 1), ('goerner', 1), ('reliant', 1), ('staying', 1), ('mistreating', 1), ('knowing', 1), ('acting', 1), ('truck', 1), ('phillip', 1), ('research', 1), ('scares', 1), ('knew', 1), ('righ', 1), ('yrs', 1), ('phentermine', 1), ('officexp', 1), ('windowsxp', 1), ('concurred', 1), ('predictor', 1), ('competitionsabine', 1), ('rescind', 1), ('wicksashay', 1), ('psychopath', 1), ('515', 1), ('boo', 1), ('iconoclasm', 1), ('sidearm', 1), ('intolerant', 1), ('raze', 1), ('upend', 1), ('kathleen', 1), ('maryland', 1), ('catastrophic', 1), ('kinesthesis', 1), ('bassinet', 1), ('incursion', 1), ('irremovable', 1), ('centerline', 1), ('psychoanalytic', 1), ('professionaloval', 1), ('belligerent', 1), ('nirvana', 1), ('combinator', 1), ('crusade', 1), ('electra', 1), ('cutset', 1), ('caustic', 1), ('derivate', 1), ('accretion', 1), ('tough', 1), ('mucosa', 1), ('vee', 1), ('churchmen', 1), ('bessie', 1), ('cozy', 1), ('sculptor', 1), ('rook', 1), ('primitive', 1), ('grumman', 1), ('sleight', 1), ('doghouse', 1), ('dusk', 1), ('defuse', 1), ('beck', 1), ('ceylon', 1), ('across', 1), ('97', 1), ('letting', 1), ('6487', 1), ('relaxants', 1), ('allergies', 1), ('sleeping', 1), ('disorders', 1), ('627', 1), ('glazes', 1), ('wearable', 1), ('scorched', 1), ('nausea', 1), ('mime', 1), ('developed', 1), ('travel', 1), ('replicas', 1), ('826', 1), ('ercot', 1), ('lastest', 1), ('ill', 1), ('sea', 1), ('vl', 1), ('clal', 1), ('lucy', 1), ('centers', 1), ('11814', 1), ('27117', 1), ('smallest', 1), ('massager', 1), ('6347', 1), ('adonis', 1), ('51862', 1), ('9827', 1), ('223423', 1), ('9828', 1), ('rusty', 1), ('426', 1), ('wtxo', 1), ('canyou', 1), ('5593', 1), ('vortnight', 1), ('temperd', 1), ('sisyphist', 1), ('anna', 1), ('cola', 1), ('1821286385673216', 1), ('spinner', 1), ('reducing', 1), ('attempted', 1), ('quarantined', 1), ('mailsweeper', 1), ('staple', 1), ('452475', 1), ('bromine', 1), ('cheetah', 1), ('convolve', 1), ('singapore', 1), ('virulent', 1), ('assumption', 1), ('shortish', 1), ('ncaa', 1), ('anisotropy', 1), ('didactic', 1), ('convalesce', 1), ('magi', 1), ('carnage', 1), ('wad', 1), ('arrest', 1), ('centrifuge', 1), ('anchorite', 1), ('posthumous', 1), ('dying', 1), ('loren', 1), ('armhole', 1), ('fable', 1), ('antithetic', 1), ('awed', 1), ('prize', 1), ('award', 1), ('department', 1), ('386', 1), ('7111', 1), ('prorated', 1), ('165331', 1), ('horse', 1), ('1534', 1), ('shelley', 1), ('jefferson', 1), ('sites', 1), ('settled', 1), ('procedural', 1), ('dispute', 1), ('acquire', 1), ('dismisses', 1), ('lawsuit', 1), ('extends', 1), ('repurchase', 1), ('profitable', 1), ('interstate', 1), ('rebuild', 1), ('719', 1), ('withdrawal', 1), ('holding', 1), ('cox', 1), ('savandra', 1), ('leassear', 1), ('fm', 1), ('motor', 1), ('mercruiser', 1), ('sterndrive', 1), ('135', 1), ('operates', 1), ('850', 1), ('3256', 1), ('707', 1), ('3527', 1), ('nngb', 1), ('nmbers', 1), ('3255', 1), ('813', 1), ('0047', 1), ('colada', 1), ('conversations', 1), ('candidiate', 1), ('jr', 1), ('fidelity', 1), ('seeking', 1), ('undergraduate', 1), ('bba', 1), ('baylor', 1), ('mba', 1), ('introduce', 1), ('ext', 1), ('1791', 1), ('unavailable', 1), ('4298', 1), ('aqua', 1), ('dulce', 1), ('987349', 1), ('household', 1), ('financially', 1), ('dependent', 1), ('rac', 1), ('egf', 1), ('remembered', 1), ('refin', 1), ('ancing', 1), ('loan', 1), ('amazingly', 1), ('repayment', 1), ('bargains', 1), ('aving', 1), ('ash', 1), ('amestela', 1), ('nomore', 1), ('rua', 1), ('imprense', 1), ('4347', 1), ('bloco', 1), ('maputo', 1), ('mozambique', 1), ('519632', 1), ('ggo', 1), ('prreeiscrlpt', 1), ('frdllad', 1), ('kf', 1), ('finest', 1), ('199', 1), ('llege', 1), ('dipl', 1), ('marta', 1), ('henderson', 1), ('investing', 1), ('retirement', 1), ('ejakulate', 1), ('intercourse', 1), ('ovsr', 1), ('paycheck', 1), ('dications', 1), ('bmw', 1), ('labs', 1), ('mechanics', 1), ('lynne', 1), ('gbhzivjwl', 1), ('102', 1), ('unsigned', 1), ('ltd', 1), ('aka', 1), ('ponderosa', 1), ('otherwise', 1), ('inputted', 1), ('0001', 1), ('hrs', 1), ('adam', 1), ('iyakubonana', 1), ('602', 1), ('linda', 1), ('sum', 1), ('supervitagra', 1), ('gotham', 1), ('prudency', 1), ('9124', 1), ('874', 1), ('blacktable', 1), ('cellpadding', 1), ('taylor', 1), ('official', 1), ('unsecured', 1), ('appointed', 1), ('pacific', 1), ('tribolet', 1), ('assessment', 1), ('designated', 1), ('representative', 1), ('mellencamp', 1), ('restricted', 1), ('disclosing', 1), ('loved', 1), ('seven', 1), ('pose', 1), ('solve', 1), ('unknown', 1), ('skill', 1), ('effetiveeight', 1), ('aaiabe', 1), ('withoutrescription', 1), ('streamlined', 1), ('denizen', 1), ('ajar', 1), ('chased', 1), ('apology', 1), ('bent', 1), ('summer', 1), ('countries', 1), ('collage', 1), ('youngest', 1), ('glow', 1), ('candles', 1), ('bare', 1), ('cuts', 1), ('kari', 1), ('bullington', 1), ('wipe', 1), ('warmers', 1), ('walmart', 1), ('temporarily', 1), ('pocketbooks', 1), ('buttons', 1), ('poetics', 1), ('sheets', 1), ('iko', 1), ('szeb', 1), ('loweredrates', 1), ('apb', 1), ('vhu', 1), ('cftp', 1), ('kv', 1), ('toclcuytmuceuro', 1), ('limited', 1), ('allotment', 1), ('recommended', 1), ('multinational', 1), ('fortunately', 1), ('ordered', 1), ('surplus', 1), ('requirement', 1), ('boxes', 1), ('guarantee', 1), ('acer', 1), ('carry', 1), ('grade', 1), ('laptops', 1), ('euros', 1), ('faxed', 1), ('strict', 1), ('2400', 1), ('series', 1), ('ghz', 1), ('processor', 1), ('performancel', 1), ('ddr', 1), ('ram', 1), ('102420', 1), ('udma', 1), ('cdrwl', 1), ('floppy', 1), ('disk', 1), ('drivenext', 1), ('technologyati', 1), ('soundfull', 1), ('lan', 1), ('iee', 1), ('mouseinternet', 1), ('readywindows', 1), ('editionl', 1), ('parts', 1), ('labor', 1), ('priority', 1), ('supporthow', 1), ('qualify', 1), ('870', 1), ('134', 1), ('3520', 1), ('isif', 1), ('erroneous', 1), ('shipments', 1), ('obligated', 1), ('uk', 1), ('german', 1), ('spanish', 1), ('specifyplease', 1), ('legibly', 1), ('shipment', 1), ('avvxkeuojzcp', 1), ('cznxdt', 1), ('920', 1), ('7266', 1), ('expire', 1), ('504', 1), ('appointment', 1), ('psc', 1), ('1315', 1), ('cc', 1), ('handler', 1), ('fuller', 1), ('luuuuuuube', 1), ('seperately', 1), ('compile', 1), ('owe', 1), ('event', 1), ('interim', 1), ('rely', 1), ('engaged', 1), ('balancing', 1), ('907', 1), ('owes', 1), ('netting', 1), ('allocatable', 1), ('unlike', 1), ('6599', 1), ('sandison', 1), ('614', 1), ('goofed', 1), ('spending', 1), ('onlinepharmacy', 1), ('freebies', 1), ('fuchsia', 1), ('lavender', 1), ('pinion', 1), ('catenate', 1), ('sneermullion', 1), ('conscientious', 1), ('damanonymous', 1), ('conner', 1), ('tristar', 1), ('779345', 1), ('treasury', 1), ('ir', 1), ('inch', 1), ('craves', 1), ('walium', 1), ('ciallls', 1), ('vlaggra', 1), ('503', 1), ('region', 1), ('vast', 1), ('dawned', 1), ('casings', 1), ('periods', 1), ('276494', 1), ('9602', 1), ('sheila', 1), ('basin', 1), ('expensed', 1), ('baseload', 1), ('67', 1), ('evidenced', 1), ('exceptionally', 1), ('quarter', 1), ('coconut', 1)]

import scipy.sparse
from sklearn.preprocessing import StandardScaler
from sklearn.compose import ColumnTransformer
from sklearn.pipeline import Pipeline
from sklearn.feature_extraction.text import CountVectorizer, HashingVectorizer, TfidfVectorizer
import scipy
"""
Count Vectorizer
-----------------------------------------
Convert a collection of text documents to train a matrix of token counts. 
This implementation produces a sparse representation of the counts. If you do not provide an a-priori dictionary and you do not use an analyzer that does some kind of feature selection then the number of features will be equal to the vocabulary size found by analyzing the data.
Hyperparamaters:
- The default for stop_words in None. If 'english', a built-in stop word list for English is used. **There are several known issues with 'english' and you should consider an alternative.**
- token_pattern = Regular expression denoting what constitutes a “token”, only used id `analyzer == "word"`. The default regexp select tokens of 2 or more alphanumeric characters (punctuation is completely ignored and always treated as a token separator).
- `ngram_range` The lower and upper boundary of the range of n-values for different word n-grams or char n-grams to be extracted. All values of n such such that min_n <= n <= max_n will be used. For example an ngram_range of (1, 1) means only unigrams, (1, 2) means unigrams and bigrams, and (2, 2) means only bigrams. Only appluies if analyzer is not callable
- analyzer: Whether the feature should be made of word or character n-grams. Option 'char_wb' creates character n-grams only from text inside word boundaries; n-grams at the edges of words are padded with space.
"""


"""
Hashing Vectorizer
-----------------------------------------
Convert a collection of text documents to a matrix of token occurrences.
It turns a collection of text documents into a scipy.sparse matrix holding token occurrence counts (or binary occurrence information), possibly normalized as token frequencies if norm''l1' or projected on the euclidean unit sphere if norm'l2'.
This text vectorizer implementation uses the hashing trick to find the token string name to feature integer index mapping.
This stragtegy has several advantages:
- it is very low memory scalable to large datasets as there is no need to store a vocabulary dictionary in memory.
- it is fast to pickle and un-pickle as it holds no state besides the constructor parameters.
- it can be used in a streaming (partial fit) or parallel pipeline as there is no state computed during fit.
This has a couple ones (versus using CountVectorizer):
- there is no way to compute the inverse transform (from feature indices to string feature names) which can be a problem when trying to introspect which features are most important to a model.
- there can be collisions: distinct tokens can be mapped to the same feature index. However in practice this is rarely an issue if n_features is large enough (e.g. 2 ** 18 for text classification problems).
- no IDF weighting as this would render the transformer stateful.
Hyperparamaters:
Same as CountVectorizer.
"""


"""
Tfidf Vectorizer
-----------------------------------------
Convert a collection of raw documents to a matrix of TF-IDF features.
Equivalent to CountVectorizer followed by TfidfTransformer.

Transform a count matrix to a normalized tf or tf-idf representation.

Tfidf Transformer
-----------------------------------------
- Tf means term-frequency while tf-idf means term-frequency times inverse document-frequency. This is a common term weighting scheme in information retrieval, that has also found good use in document classification.
- The goal of using tf-idf instead of the raw frequencies of occurrence of a token in a given document is to scale down the impact of tokens that occur very frequently in a given corpus and that are hence empirically less informative than features that occur in a small fraction of the training corpus.
- The formula that is used to compute the tf-idf for a term t of a document d in a document set is tf-idf(t, d) = tf(t, d) * idf(t), and the idf is computed as idf(t) = log [ n / df(t) ] + 1 (if smooth_idf=False), where n is the total number of documents in the document set and df(t) is the document frequency of t; the document frequency is the number of documents in the document set that contain the term t. The effect of adding “1” to the idf in the equation above is that terms with zero idf, i.e., terms that occur in all documents in a training set, will not be entirely ignored. (Note that the idf formula above differs from the standard textbook notation that defines the idf as idf(t) = log [ n / (df(t) + 1) ]).
- If smooth_idf=True (the default), the constant “1” is added to the numerator and denominator of the idf as if an extra document was seen containing every term in the collection exactly once, which prevents zero divisions: idf(t) = log [ (1 + n) / (1 + df(t)) ] + 1.
- Furthermore, the formulas used to compute tf and idf depend on parameter settings that correspond to the SMART notation used in IR as follows:
- Tf is “n” (natural) by default, “l” (logarithmic) when sublinear_tf=True. Idf is “t” when use_idf is given, “n” (none) otherwise. Normalization is “c” (cosine) when norm='l2', “n” (none) when norm=None.

Hyperparameters:
Same as CountVectorizer EXCEPT there are some hyperparameters that allow you to change hw tf-idf is calculated. 
- norm: Each utput row will have a unit norm (either l1 or l2 (default))
"""



from sklearn.base import BaseEstimator, TransformerMixin

class ProcessText(BaseEstimator,TransformerMixin):
    """
    Process text - create a data frame that you can use to analyze text - separate the subject and body of the article 
    """
    def fit(self,X,y=None):
        return self
    def transform(self,X,y=None):
        arr = []
        if not isinstance(X,pd.Series):
            X = pd.Series(X[:,0])
        for item in X.items():
            trimmed = item[1].strip()
            matches = subject_re.match(trimmed)
            if matches:
                subj = matches.group("subject")
                if not subj:
                    subj = ""
                body = matches.group("body")
                if not body:
                    body = ""
                if subj=="" and body=="":
                    body = trimmed
                arr.append([subj.strip(),body.strip()])
            else:
                arr.append(["",trimmed])
        df = pd.DataFrame(arr,columns=["subject","body"])
        return df
    
class AnalyzeText(BaseEstimator,TransformerMixin):
    """
    How to preprocess document text:
    - We expect a DataFrame here that is returned by ProcessText
    - The processor karg can be "count", "hashing", or "tfidf" depending on whether you want to use  CountVectorizer, HashingVectorizer, or TfidfVectorizer
    - I am not going to analyze the text of the emails because I would have to put them in bins, then one hot encode them in order to keep the matrix sparse, and I don't want to do that right now
    """
    def __init__(self,processor="count", analyze_lengths=True,stop_words="english",ngram_range=(1,2)):
        self.ngram_range = ngram_range
        self.stop_words = stop_words
        self.analyze_lengths = analyze_lengths
        self.processor = processor
        if self.processor=="count":
            self.subject_analyzer = CountVectorizer(input="content")
            self.body_analyzer = CountVectorizer(input="content")
            self.subject_analyzer.set_params(stop_words=self.stop_words,ngram_range=self.ngram_range)
            self.body_analyzer.set_params(stop_words=self.stop_words,ngram_range=self.ngram_range)
        elif self.processor=="hashing":
            self.subject_analyzer = HashingVectorizer(input="content")
            self.body_analyzer = HashingVectorizer(input="content")
            self.subject_analyzer.set_params(stop_words=self.stop_words,ngram_range=self.ngram_range)
            self.body_analyzer.set_params(stop_words=self.stop_words,ngram_range=self.ngram_range)
        elif self.processor=="tfidf":
            self.subject_analyzer = TfidfVectorizer(input="content")
            self.body_analyzer = TfidfVectorizer(input="content")
            self.subject_analyzer.set_params(stop_words=self.stop_words,ngram_range=self.ngram_range)
            self.body_analyzer.set_params(stop_words=self.stop_words,ngram_range=self.ngram_range)
        else:
            raise ValueError("processor should be  \"count\", \"hashing\", or \"tfidf\".")
    def fit(self,X,y=None):
        if len(X.columns)==1:
            df = ProcessText().transform(X)
        else:
            df = X
        self.subject_analyzer.fit(df["subject"].to_list())
        self.body_analyzer.fit(df["body"].to_list())       
        return self 
    def transform(self,X,y=None):
        out = self.subject_analyzer.transform(X["subject"].to_list())
        out2 = self.body_analyzer.transform(X["body"].to_list())
        out = scipy.sparse.hstack((out,out2))
        return out

class CustomImputer(BaseEstimator,TransformerMixin):
    def fit(self,X,y=None):
        return self
    def transform(self,X,y=None):
        X[X==np.isnan] = ""
        return X.to_frame(name="Data Frame Required")

out[29]
from sklearn.impute import SimpleImputer
from sklearn.linear_model import RidgeClassifier, SGDClassifier
from sklearn.neural_network import MLPClassifier
from sklearn.neighbors import KNeighborsClassifier
from sklearn.metrics import precision_score, recall_score, accuracy_score
from sklearn.model_selection import GridSearchCV
cv=5
refit=True
verbose=3


ridge_params = [
{"analyze__processor": ["count"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ]  },
{"analyze__processor": ["hashing"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ]}, 
{"analyze__processor": ["tfidf"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ] }
]
ride_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="constant",fill_value="")),
        ("process",ProcessText()),
        ("analyze",AnalyzeText()),
        ("fit",RidgeClassifier())
    ]
)
ridge_clf = GridSearchCV(ride_pipeline,param_grid=ridge_params,cv=cv,refit=refit,verbose=verbose)
ridge_clf.fit(X_train.to_frame(),y_train)
y_pred = ridge_clf.predict(X_test.to_frame())

print("METRICS\n---------------------------------------------------------------")
print("ACCURACY SCORE",accuracy_score(y_pred,y_test))
print("PRECISON SCORE",precision_score(y_pred,y_test))
print("RECALL SCORE",recall_score(y_pred,y_test))
print("ESTIMATORS\n----------------------------------------------------------")
resultsDF = pd.DataFrame(ridge_clf.cv_results_)
print(resultsDF)
out[30]

Fitting 5 folds for each of 36 candidates, totalling 180 fits
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.954 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.944 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.954 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.944 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.944 total time= 0.1s
METRICS
---------------------------------------------------------------
ACCURACY SCORE 0.9681159420289855
PRECISON SCORE 0.9455782312925171
RECALL SCORE 0.9423728813559322
ESTIMATORS
----------------------------------------------------------
mean_fit_time std_fit_time mean_score_time std_score_time \
0 0.169754 0.021226 0.016615 0.002113
1 0.162725 0.008268 0.016649 0.001004
2 0.166296 0.004995 0.016670 0.001073
3 0.162820 0.005950 0.017576 0.000834
4 0.178523 0.016604 0.016120 0.001339
5 0.169816 0.004880 0.017365 0.001852
6 0.173739 0.016975 0.017600 0.002155
7 0.190405 0.007686 0.017838 0.001535
8 0.188400 0.012156 0.019705 0.001517
9 0.183854 0.016277 0.019863 0.003779
10 0.178438 0.015422 0.016193 0.000832
11 0.186882 0.020159 0.020097 0.006561
12 0.185874 0.017241 0.016006 0.001564
13 0.171355 0.010988 0.018087 0.003782
14 0.166583 0.005105 0.016754 0.001980
15 0.164918 0.007101 0.017320 0.001283
16 0.179672 0.029201 0.017118 0.001442
17 0.166202 0.005599 0.016744 0.001781
18 0.164099 0.003496 0.016724 0.001227
19 0.163267 0.005290 0.015939 0.001109
20 0.166768 0.007146 0.016124 0.001285
21 0.161159 0.003850 0.016522 0.000844
22 0.173132 0.011544 0.016252 0.001501
23 0.167588 0.011327 0.017661 0.001494
24 0.196182 0.030228 0.025822 0.009896
25 0.194773 0.034156 0.018189 0.001398
26 0.181402 0.036651 0.016839 0.002329
27 0.167642 0.012422 0.017116 0.001485
28 0.161902 0.002930 0.016597 0.001578
29 0.160630 0.005244 0.015894 0.000281
30 0.182019 0.024699 0.016605 0.001050
31 0.210410 0.030484 0.018279 0.001637
32 0.192008 0.017479 0.019864 0.003678
33 0.195334 0.012610 0.020035 0.003316
34 0.178347 0.006301 0.017955 0.001747
35 0.171368 0.006209 0.017289 0.001293

param_analyze__analyze_lengths param_analyze__ngram_range \
0 True (1, 1)
1 True (1, 1)
2 True (1, 2)
3 True (1, 2)
4 True (2, 3)
5 True (2, 3)
6 False (1, 1)
7 False (1, 1)
8 False (1, 2)
9 False (1, 2)
10 False (2, 3)
11 False (2, 3)
12 True (1, 1)
13 True (1, 1)
14 True (1, 2)
15 True (1, 2)
16 True (2, 3)
17 True (2, 3)
18 False (1, 1)
19 False (1, 1)
20 False (1, 2)
21 False (1, 2)
22 False (2, 3)
23 False (2, 3)
24 True (1, 1)
25 True (1, 1)
26 True (1, 2)
27 True (1, 2)
28 True (2, 3)
29 True (2, 3)
30 False (1, 1)
31 False (1, 1)
32 False (1, 2)
33 False (1, 2)
34 False (2, 3)
35 False (2, 3)

param_analyze__processor param_analyze__stop_words \
0 count None
1 count english
2 count None
3 count english
4 count None
5 count english
6 count None
7 count english
8 count None
9 count english
10 count None
11 count english
12 hashing None
13 hashing english
14 hashing None
15 hashing english
16 hashing None
17 hashing english
18 hashing None
19 hashing english
20 hashing None
21 hashing english
22 hashing None
23 hashing english
24 tfidf None
25 tfidf english
26 tfidf None
27 tfidf english
28 tfidf None
29 tfidf english
30 tfidf None
31 tfidf english
32 tfidf None
33 tfidf english
34 tfidf None
35 tfidf english

params split0_test_score \
0 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
1 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
2 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
3 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
4 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
5 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
6 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
7 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
8 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
9 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
10 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
11 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
12 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
13 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
14 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
15 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
16 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
17 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
18 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
19 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
20 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
21 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
22 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
23 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
24 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
25 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
26 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
27 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
28 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
29 {'analyze__analyze_lengths': True, 'analyze__n... 0.960145
30 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
31 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
32 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
33 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
34 {'analyze__analyze_lengths': False, 'analyze__... 0.960145
35 {'analyze__analyze_lengths': False, 'analyze__... 0.960145

split1_test_score split2_test_score split3_test_score \
0 0.954051 0.943168 0.95526
1 0.954051 0.943168 0.95526
2 0.954051 0.943168 0.95526
3 0.954051 0.943168 0.95526
4 0.954051 0.943168 0.95526
5 0.954051 0.943168 0.95526
6 0.954051 0.943168 0.95526
7 0.954051 0.943168 0.95526
8 0.954051 0.943168 0.95526
9 0.954051 0.943168 0.95526
10 0.954051 0.943168 0.95526
11 0.954051 0.943168 0.95526
12 0.954051 0.943168 0.95526
13 0.954051 0.943168 0.95526
14 0.954051 0.943168 0.95526
15 0.954051 0.943168 0.95526
16 0.954051 0.943168 0.95526
17 0.954051 0.943168 0.95526
18 0.954051 0.943168 0.95526
19 0.954051 0.943168 0.95526
20 0.954051 0.943168 0.95526
21 0.954051 0.943168 0.95526
22 0.954051 0.943168 0.95526
23 0.954051 0.943168 0.95526
24 0.954051 0.943168 0.95526
25 0.954051 0.943168 0.95526
26 0.954051 0.943168 0.95526
27 0.954051 0.943168 0.95526
28 0.954051 0.943168 0.95526
29 0.954051 0.943168 0.95526
30 0.954051 0.943168 0.95526
31 0.954051 0.943168 0.95526
32 0.954051 0.943168 0.95526
33 0.954051 0.943168 0.95526
34 0.954051 0.943168 0.95526
35 0.954051 0.943168 0.95526

split4_test_score mean_test_score std_test_score rank_test_score
0 0.944377 0.9514 0.006565 1
1 0.944377 0.9514 0.006565 1
2 0.944377 0.9514 0.006565 1
3 0.944377 0.9514 0.006565 1
4 0.944377 0.9514 0.006565 1
5 0.944377 0.9514 0.006565 1
6 0.944377 0.9514 0.006565 1
7 0.944377 0.9514 0.006565 1
8 0.944377 0.9514 0.006565 1
9 0.944377 0.9514 0.006565 1
10 0.944377 0.9514 0.006565 1
11 0.944377 0.9514 0.006565 1
12 0.944377 0.9514 0.006565 1
13 0.944377 0.9514 0.006565 1
14 0.944377 0.9514 0.006565 1
15 0.944377 0.9514 0.006565 1
16 0.944377 0.9514 0.006565 1
17 0.944377 0.9514 0.006565 1
18 0.944377 0.9514 0.006565 1
19 0.944377 0.9514 0.006565 1
20 0.944377 0.9514 0.006565 1
21 0.944377 0.9514 0.006565 1
22 0.944377 0.9514 0.006565 1
23 0.944377 0.9514 0.006565 1
24 0.944377 0.9514 0.006565 1
25 0.944377 0.9514 0.006565 1
26 0.944377 0.9514 0.006565 1
27 0.944377 0.9514 0.006565 1
28 0.944377 0.9514 0.006565 1
29 0.944377 0.9514 0.006565 1
30 0.944377 0.9514 0.006565 1
31 0.944377 0.9514 0.006565 1
32 0.944377 0.9514 0.006565 1
33 0.944377 0.9514 0.006565 1
34 0.944377 0.9514 0.006565 1
35 0.944377 0.9514 0.006565 1

sgd_params = [
    {"analyze__processor": ["count"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ]  },
    {"analyze__processor": ["hashing"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ] },
    {"analyze__processor": ["tfidf"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ] },
]

sgd_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="constant",fill_value="")),
        ("process",ProcessText()),
        ("analyze",AnalyzeText()),
        ("fit",SGDClassifier())
    ]
)
sgd_clf = GridSearchCV(sgd_pipeline,param_grid=sgd_params,cv=cv,refit=refit,verbose=verbose)
sgd_clf.fit(X_train.to_frame(),y_train)
y_pred = sgd_clf.predict(X_test.to_frame())


print("METRICS\n---------------------------------------------------------------")
print("ACCURACY SCORE",accuracy_score(y_pred,y_test))
print("PRECISON SCORE",precision_score(y_pred,y_test))
print("RECALL SCORE",recall_score(y_pred,y_test))
print("ESTIMATORS\n----------------------------------------------------------")
resultsDF = pd.DataFrame(sgd_clf.cv_results_)
print(resultsDF)
out[31]

Fitting 5 folds for each of 36 candidates, totalling 180 fits
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.950 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.944 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.932 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.958 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.949 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.948 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.948 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.938 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.953 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.948 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.953 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.938 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.963 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.932 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.953 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.942 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.958 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.942 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.937 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.961 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.946 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.938 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.941 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.941 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.938 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.956 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None;, score=0.960 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.961 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.942 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english;, score=0.942 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.949 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.953 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.935 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.961 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.953 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.947 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.929 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.956 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.958 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.936 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.956 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.938 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.961 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english;, score=0.947 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.950 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.937 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.948 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.946 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.933 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.953 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.942 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.936 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.949 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.938 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.947 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.930 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.953 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.957 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.932 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.950 total time= 0.0s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.935 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.941 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.956 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.948 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.933 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.966 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None;, score=0.953 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.936 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.931 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.957 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.935 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.948 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.942 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.935 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.954 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english;, score=0.947 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.940 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.932 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.956 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.938 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.946 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.953 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.950 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.953 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.950 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.943 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.933 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.956 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.944 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.946 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.944 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.933 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.955 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.947 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.942 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.937 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.960 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.949 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.948 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.941 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.940 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.943 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.936 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.950 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None;, score=0.953 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.953 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.940 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.938 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.955 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.949 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.938 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.938 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.954 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None;, score=0.952 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.957 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.952 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.940 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.950 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english;, score=0.954 total time= 0.1s
METRICS
---------------------------------------------------------------
ACCURACY SCORE 0.9623188405797102
PRECISON SCORE 0.9591836734693877
RECALL SCORE 0.912621359223301
ESTIMATORS
----------------------------------------------------------
mean_fit_time std_fit_time mean_score_time std_score_time \
0 0.228086 0.020037 0.029815 0.004007
1 0.163438 0.014039 0.019041 0.002104
2 0.217598 0.022495 0.031642 0.009380
3 0.229968 0.016229 0.028261 0.003180
4 0.222389 0.018830 0.029187 0.004811
5 0.165038 0.008434 0.019383 0.001621
6 0.179480 0.032534 0.020151 0.001915
7 0.161542 0.015008 0.019099 0.001615
8 0.146628 0.005282 0.019546 0.002372
9 0.151821 0.010771 0.018336 0.001769
10 0.169028 0.019424 0.021559 0.003570
11 0.182926 0.037504 0.023762 0.003520
12 0.197630 0.005426 0.021605 0.001962
13 0.200479 0.025626 0.025358 0.003879
14 0.186943 0.022388 0.024663 0.005072
15 0.155221 0.016290 0.017496 0.003125
16 0.180738 0.026901 0.024532 0.003760
17 0.154040 0.012430 0.019862 0.007465
18 0.173433 0.030332 0.022002 0.003867
19 0.161690 0.019395 0.018870 0.002766
20 0.149072 0.010557 0.018046 0.002836
21 0.176092 0.027482 0.019499 0.002722
22 0.144887 0.005487 0.018949 0.003472
23 0.144298 0.002157 0.017470 0.001227
24 0.152989 0.006420 0.018084 0.000598
25 0.141743 0.003283 0.016514 0.001198
26 0.144043 0.004377 0.016877 0.001450
27 0.162538 0.027679 0.017400 0.001277
28 0.153894 0.019275 0.018570 0.002961
29 0.161225 0.017895 0.019012 0.001746
30 0.160160 0.010039 0.017838 0.002803
31 0.160519 0.021586 0.017775 0.001801
32 0.168567 0.016821 0.019300 0.001775
33 0.157128 0.010260 0.018094 0.002194
34 0.150829 0.009181 0.018198 0.001129
35 0.151438 0.005785 0.017234 0.001011

param_analyze__analyze_lengths param_analyze__ngram_range \
0 True (1, 1)
1 True (1, 1)
2 True (1, 2)
3 True (1, 2)
4 True (2, 3)
5 True (2, 3)
6 False (1, 1)
7 False (1, 1)
8 False (1, 2)
9 False (1, 2)
10 False (2, 3)
11 False (2, 3)
12 True (1, 1)
13 True (1, 1)
14 True (1, 2)
15 True (1, 2)
16 True (2, 3)
17 True (2, 3)
18 False (1, 1)
19 False (1, 1)
20 False (1, 2)
21 False (1, 2)
22 False (2, 3)
23 False (2, 3)
24 True (1, 1)
25 True (1, 1)
26 True (1, 2)
27 True (1, 2)
28 True (2, 3)
29 True (2, 3)
30 False (1, 1)
31 False (1, 1)
32 False (1, 2)
33 False (1, 2)
34 False (2, 3)
35 False (2, 3)

param_analyze__processor param_analyze__stop_words \
0 count None
1 count english
2 count None
3 count english
4 count None
5 count english
6 count None
7 count english
8 count None
9 count english
10 count None
11 count english
12 hashing None
13 hashing english
14 hashing None
15 hashing english
16 hashing None
17 hashing english
18 hashing None
19 hashing english
20 hashing None
21 hashing english
22 hashing None
23 hashing english
24 tfidf None
25 tfidf english
26 tfidf None
27 tfidf english
28 tfidf None
29 tfidf english
30 tfidf None
31 tfidf english
32 tfidf None
33 tfidf english
34 tfidf None
35 tfidf english

params split0_test_score \
0 {'analyze__analyze_lengths': True, 'analyze__n... 0.950483
1 {'analyze__analyze_lengths': True, 'analyze__n... 0.948068
2 {'analyze__analyze_lengths': True, 'analyze__n... 0.952899
3 {'analyze__analyze_lengths': True, 'analyze__n... 0.950483
4 {'analyze__analyze_lengths': True, 'analyze__n... 0.957729
5 {'analyze__analyze_lengths': True, 'analyze__n... 0.945652
6 {'analyze__analyze_lengths': False, 'analyze__... 0.955314
7 {'analyze__analyze_lengths': False, 'analyze__... 0.961353
8 {'analyze__analyze_lengths': False, 'analyze__... 0.949275
9 {'analyze__analyze_lengths': False, 'analyze__... 0.952899
10 {'analyze__analyze_lengths': False, 'analyze__... 0.957729
11 {'analyze__analyze_lengths': False, 'analyze__... 0.943237
12 {'analyze__analyze_lengths': True, 'analyze__n... 0.951691
13 {'analyze__analyze_lengths': True, 'analyze__n... 0.945652
14 {'analyze__analyze_lengths': True, 'analyze__n... 0.952899
15 {'analyze__analyze_lengths': True, 'analyze__n... 0.954106
16 {'analyze__analyze_lengths': True, 'analyze__n... 0.946860
17 {'analyze__analyze_lengths': True, 'analyze__n... 0.956522
18 {'analyze__analyze_lengths': False, 'analyze__... 0.950483
19 {'analyze__analyze_lengths': False, 'analyze__... 0.948068
20 {'analyze__analyze_lengths': False, 'analyze__... 0.943237
21 {'analyze__analyze_lengths': False, 'analyze__... 0.951691
22 {'analyze__analyze_lengths': False, 'analyze__... 0.956522
23 {'analyze__analyze_lengths': False, 'analyze__... 0.948068
24 {'analyze__analyze_lengths': True, 'analyze__n... 0.951691
25 {'analyze__analyze_lengths': True, 'analyze__n... 0.950483
26 {'analyze__analyze_lengths': True, 'analyze__n... 0.950483
27 {'analyze__analyze_lengths': True, 'analyze__n... 0.950483
28 {'analyze__analyze_lengths': True, 'analyze__n... 0.945652
29 {'analyze__analyze_lengths': True, 'analyze__n... 0.946860
30 {'analyze__analyze_lengths': False, 'analyze__... 0.949275
31 {'analyze__analyze_lengths': False, 'analyze__... 0.955314
32 {'analyze__analyze_lengths': False, 'analyze__... 0.943237
33 {'analyze__analyze_lengths': False, 'analyze__... 0.952899
34 {'analyze__analyze_lengths': False, 'analyze__... 0.949275
35 {'analyze__analyze_lengths': False, 'analyze__... 0.956522

split1_test_score split2_test_score split3_test_score \
0 0.944377 0.932285 0.957678
1 0.948005 0.938331 0.952842
2 0.943168 0.938331 0.962515
3 0.944377 0.932285 0.952842
4 0.941959 0.937122 0.961306
5 0.938331 0.940750 0.951632
6 0.940750 0.938331 0.956469
7 0.944377 0.941959 0.951632
8 0.952842 0.934704 0.961306
9 0.946796 0.928658 0.956469
10 0.945586 0.935913 0.956469
11 0.943168 0.938331 0.961306
12 0.950423 0.937122 0.951632
13 0.944377 0.933495 0.954051
14 0.941959 0.935913 0.945586
15 0.951632 0.938331 0.950423
16 0.945586 0.929867 0.952842
17 0.944377 0.932285 0.960097
18 0.934704 0.940750 0.956469
19 0.944377 0.933495 0.966143
20 0.944377 0.944377 0.951632
21 0.935913 0.931076 0.951632
22 0.945586 0.934704 0.954051
23 0.941959 0.934704 0.954051
24 0.939541 0.932285 0.956469
25 0.938331 0.945586 0.952842
26 0.943168 0.945586 0.952842
27 0.943168 0.933495 0.956469
28 0.944377 0.933495 0.951632
29 0.941959 0.937122 0.960097
30 0.948005 0.943168 0.954051
31 0.940750 0.939541 0.951632
32 0.951632 0.935913 0.950423
33 0.939541 0.938331 0.955260
34 0.938331 0.938331 0.954051
35 0.951632 0.939541 0.950423

split4_test_score mean_test_score std_test_score rank_test_score
0 0.949214 0.946808 0.008418 24
1 0.948005 0.947050 0.004742 20
2 0.945586 0.948500 0.008439 10
3 0.941959 0.944389 0.007225 36
4 0.945586 0.948741 0.009269 8
5 0.954051 0.946083 0.006050 27
6 0.960097 0.950192 0.008872 3
7 0.941959 0.948256 0.007447 11
8 0.955260 0.950677 0.008897 1
9 0.950423 0.947049 0.009723 22
10 0.955260 0.950192 0.008331 4
11 0.946796 0.946568 0.007845 25
12 0.948005 0.947775 0.005491 13
13 0.950423 0.945600 0.006967 29
14 0.949214 0.945114 0.005869 34
15 0.954051 0.949709 0.005863 5
16 0.951632 0.945357 0.008218 31
17 0.950423 0.948741 0.009820 7
18 0.944377 0.945357 0.007556 32
19 0.955260 0.949468 0.010905 6
20 0.952842 0.947293 0.004076 16
21 0.954051 0.944873 0.009456 35
22 0.945586 0.947290 0.007683 19
23 0.946796 0.945115 0.006477 33
24 0.955260 0.947049 0.009508 21
25 0.951632 0.947775 0.005326 12
26 0.950423 0.948500 0.003561 9
27 0.944377 0.945598 0.007693 30
28 0.955260 0.946083 0.007437 27
29 0.950423 0.947292 0.007821 17
30 0.943168 0.947533 0.004095 15
31 0.951632 0.947774 0.006384 14
32 0.952842 0.946809 0.006391 23
33 0.950423 0.947291 0.007002 18
34 0.951632 0.946324 0.006699 26
35 0.954051 0.950434 0.005835 2

knn_params = [
    {"analyze__processor": ["count"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ], "fit__weights": ["uniform","distance"], "fit__n_neighbors": [5,10] },
    {"analyze__processor": ["hashing"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ], "fit__weights": ["uniform","distance"], "fit__n_neighbors": [5,10] },
    {"analyze__processor": ["tfidf"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ], "fit__weights": ["uniform","distance"], "fit__n_neighbors": [5,10] },
]
knn_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="constant",fill_value="")),
        ("process",ProcessText()),
        ("analyze",AnalyzeText()),
        ("fit",KNeighborsClassifier())
    ]
)
knn_clf = GridSearchCV(knn_pipeline,param_grid=knn_params,cv=cv,refit=refit,verbose=verbose)
knn_clf.fit(X_train.to_frame(),y_train)
y_pred = knn_clf.predict(X_test.to_frame())


print("METRICS\n---------------------------------------------------------------")
print("ACCURACY SCORE",accuracy_score(y_pred,y_test))
print("PRECISON SCORE",precision_score(y_pred,y_test))
print("RECALL SCORE",recall_score(y_pred,y_test))
print("ESTIMATORS\n----------------------------------------------------------")
resultsDF = pd.DataFrame(knn_clf.cv_results_)
print(resultsDF)
out[32]

Fitting 5 folds for each of 144 candidates, totalling 720 fits
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=count, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.3s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.3s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.2s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=hashing, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.3s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.3s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.2s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.2s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.3s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.2s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=True, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 1), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(1, 2), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=None, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.606 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.622 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.613 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.583 total time= 0.2s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=uniform;, score=0.600 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.645 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.647 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.636 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.613 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=5, fit__weights=distance;, score=0.640 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.591 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.593 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.577 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.583 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=uniform;, score=0.588 total time= 0.1s
[CV 1/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.615 total time= 0.1s
[CV 2/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.620 total time= 0.1s
[CV 3/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.600 total time= 0.1s
[CV 4/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.606 total time= 0.1s
[CV 5/5] END analyze__analyze_lengths=False, analyze__ngram_range=(2, 3), analyze__processor=tfidf, analyze__stop_words=english, fit__n_neighbors=10, fit__weights=distance;, score=0.622 total time= 0.1s
METRICS
---------------------------------------------------------------
ACCURACY SCORE 0.6541062801932367
PRECISON SCORE 1.0
RECALL SCORE 0.450920245398773
ESTIMATORS
----------------------------------------------------------
mean_fit_time std_fit_time mean_score_time std_score_time \
0 0.153121 0.005978 0.085977 0.005015
1 0.159138 0.006522 0.070097 0.002730
2 0.148528 0.005853 0.081289 0.005558
3 0.146661 0.005138 0.066140 0.003318
4 0.146872 0.008343 0.086328 0.007269
.. ... ... ... ...
139 0.131601 0.004538 0.058875 0.002371
140 0.151529 0.034906 0.070988 0.004720
141 0.128755 0.006582 0.060049 0.003383
142 0.131560 0.004631 0.075782 0.002446
143 0.130182 0.002578 0.063782 0.000888

param_analyze__analyze_lengths param_analyze__ngram_range \
0 True (1, 1)
1 True (1, 1)
2 True (1, 1)
3 True (1, 1)
4 True (1, 1)
.. ... ...
139 False (2, 3)
140 False (2, 3)
141 False (2, 3)
142 False (2, 3)
143 False (2, 3)

param_analyze__processor param_analyze__stop_words param_fit__n_neighbors \
0 count None 5
1 count None 5
2 count None 10
3 count None 10
4 count english 5
.. ... ... ...
139 tfidf None 10
140 tfidf english 5
141 tfidf english 5
142 tfidf english 10
143 tfidf english 10

param_fit__weights params \
0 uniform {'analyze__analyze_lengths': True, 'analyze__n...
1 distance {'analyze__analyze_lengths': True, 'analyze__n...
2 uniform {'analyze__analyze_lengths': True, 'analyze__n...
3 distance {'analyze__analyze_lengths': True, 'analyze__n...
4 uniform {'analyze__analyze_lengths': True, 'analyze__n...
.. ... ...
139 distance {'analyze__analyze_lengths': False, 'analyze__...
140 uniform {'analyze__analyze_lengths': False, 'analyze__...
141 distance {'analyze__analyze_lengths': False, 'analyze__...
142 uniform {'analyze__analyze_lengths': False, 'analyze__...
143 distance {'analyze__analyze_lengths': False, 'analyze__...

split0_test_score split1_test_score split2_test_score \
0 0.606280 0.621524 0.613059
1 0.644928 0.646917 0.636034
2 0.590580 0.592503 0.576784
3 0.614734 0.620314 0.599758
4 0.606280 0.621524 0.613059
.. ... ... ...
139 0.614734 0.620314 0.599758
140 0.606280 0.621524 0.613059
141 0.644928 0.646917 0.636034
142 0.590580 0.592503 0.576784
143 0.614734 0.620314 0.599758

split3_test_score split4_test_score mean_test_score std_test_score \
0 0.582830 0.599758 0.604690 0.013101
1 0.613059 0.639661 0.636120 0.012153
2 0.582830 0.587666 0.586072 0.005675
3 0.605804 0.621524 0.612427 0.008422
4 0.582830 0.599758 0.604690 0.013101
.. ... ... ... ...
139 0.605804 0.621524 0.612427 0.008422
140 0.582830 0.599758 0.604690 0.013101
141 0.613059 0.639661 0.636120 0.012153
142 0.582830 0.587666 0.586072 0.005675
143 0.605804 0.621524 0.612427 0.008422

rank_test_score
0 73
1 1
2 109
3 37
4 73
.. ...
139 37
140 73
141 1
142 109
143 37

[144 rows x 19 columns]

print("Figuring best estimators to build neural net:\n---------------------------------------------------------------------")
print(ridge_clf.best_params_)
print(sgd_clf.best_params_)
pipe = pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="constant",fill_value="")),
        ("process",ProcessText()),
        ("analyze",AnalyzeText(ngram_range=(1,2),processor="count")),
    ]
)
out = pipe.fit_transform(X_train.to_frame())
print(out.shape)
hidden_layer_sizes = out.shape[1]*2/3 # The number of hidden neurons should be 2/3 the size of the input layer, plus the size of the output layer.
print("Hidden Layer Sizes:",np.floor(hidden_layer_sizes))
out[33]

Figuring best estimators to build neural net:
---------------------------------------------------------------------
{'analyze__analyze_lengths': True, 'analyze__ngram_range': (1, 1), 'analyze__processor': 'count', 'analyze__stop_words': None}
{'analyze__analyze_lengths': False, 'analyze__ngram_range': (1, 2), 'analyze__processor': 'count', 'analyze__stop_words': None}
(4136, 34907)
Hidden Layer Sizes: 23271.0

mlp_params = [
    {"analyze__processor": ["count"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ] },
    {"analyze__processor": ["hashing"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ]},
    {"analyze__processor": ["tfidf"], "analyze__analyze_lengths": [True, False], "analyze__stop_words": [None,"english"], "analyze__ngram_range": [(1,1), (1,2), (2,3) ] },
]
knn_pipeline = Pipeline(
    steps=[
        ("impute",SimpleImputer(strategy="constant",fill_value="")),
        ("process",ProcessText()),
        ("analyze",AnalyzeText(stop_words=None,analyze_lengths=False,processor="count",ngram_range=(1,2))),
        ("fit",MLPClassifier(hidden_layer_sizes=23000))
    ]
)
mlp_clf = knn_pipeline
mlp_clf.fit(X_train.to_frame(),y_train)
y_pred = mlp_clf.predict(X_test.to_frame())


print("METRICS\n---------------------------------------------------------------")
print("ACCURACY SCORE",accuracy_score(y_pred,y_test))
print("PRECISON SCORE",precision_score(y_pred,y_test))
print("RECALL SCORE",recall_score(y_pred,y_test))
print("ESTIMATORS\n----------------------------------------------------------")
resultsDF = pd.DataFrame(mlp_clf.cv_results_)
print(resultsDF)
out[34]
out[35]