03 Amazon Fine Food Reviews Analysis - KNN
03 Amazon Fine Food Reviews Analysis - KNN
EDA: https://nycdatascience.com/blog/student-works/amazon-fine-foods-visualization/
The Amazon Fine Food Reviews dataset consists of reviews of fine foods from Amazon.
Attribute Information:
1. Id
2. ProductId - unique identifier for the product
3. UserId - unqiue identifier for the user
4. ProfileName
5. HelpfulnessNumerator - number of users who found the review helpful
6. HelpfulnessDenominator - number of users who indicated whether they found the review helpful or not
7. Score - rating between 1 and 5
8. Time - timestamp for the review
9. Summary - brief summary of the review
10. Text - text of the review
Objective:
Given a review, determine whether the review is positive (rating of 4 or 5) or negative (rating of 1 or 2).
[Ans] We could use Score/Rating. A rating of 4 or 5 can be cosnidered as a positive review. A rating of 1 or 2 can be considered as
negative one. A review of rating 3 is considered nuetral and such reviews are ignored from our analysis. This is an approximate and
proxy way of determining the polarity (positivity/negativity) of a review.
1. .csv file
2. SQLite Database
In order to load the data, We have used the SQLITE dataset as it is easier to query the data and visualise the data efficiently.
Here as we only want to get the global sentiment of the recommendations (positive or negative), we will purposefully ignore all Scores
equal to 3. If the score is above 3, then the recommendation wil be set to "positive". Otherwise, it will be set to "negative".
In [1]:
%matplotlib inline
import warnings
warnings.filterwarnings("ignore")
import sqlite3
import pandas as pd
import numpy as np
import nltk
import string
import matplotlib.pyplot as plt
import matplotlib.pyplot as plt
import seaborn as sns
from sklearn.feature_extraction.text import TfidfTransformer
from sklearn.feature_extraction.text import TfidfVectorizer
import re
# Tutorial about Python regular expressions: https://pymotw.com/2/re/
import string
from nltk.corpus import stopwords
from nltk.stem import PorterStemmer
from nltk.stem.wordnet import WordNetLemmatizer
In [2]:
filtered_data = pd.read_sql_query(""" SELECT * FROM Reviews WHERE Score != 3 LIMIT 568454""", con)
# Give reviews with Score>3 a positive rating(1), and reviews with a score<3 a negative rating(0).
def partition(x):
if x < 3:
return 0
return 1
Out[2]:
I have
bought
Good several of
0 1 B001E4KFG0 A3SGXH7AUHU8GW delmartian 1 1 1 1303862400 Quality
Dog Food Vitality
canned
Product
arrived
Not as labeled as
1 2 B00813GRG4 A1D87F6ZCVE5NK dll pa 0 0 0 1346976000
Advertised Jumbo
Salted
Peanut...
This is a
Natalia confection
Corres "Delight" that has
2 3 B000LQOCH0 ABXLMWJIXXAIN 1 1 1 1219017600
"Natalia says it all
"Natalia says it all
Id ProductId Corres" HelpfulnessNumerator
UserId ProfileName HelpfulnessDenominator Score Time Summary around a
In [3]:
display = pd.read_sql_query("""
SELECT UserId, ProductId, ProfileName, Time, Score, Text, COUNT(*)
FROM Reviews
GROUP BY UserId
HAVING COUNT(*)>1
""", con)
In [4]:
print(display.shape)
display.head()
(80668, 7)
Out[4]:
#oc-
2 B005ZBZLT4 Kim Cieszykowski 1348531200 1 This coffee is horrible and unfortunately not ... 2
R11DNU2NBKQ23Z
#oc-
3 B005HG9ESG Penguin Chick 1346889600 5 This will be the bottle that you grab from the... 3
R11O5J5ZVQE25C
#oc-
4 B007OSBEV0 Christopher P. Presta 1348617600 1 I didnt like this coffee. Instead of telling y... 2
R12KPBODL2B5ZD
In [5]:
display[display['UserId']=='AZY10LLTJ71NX']
Out[5]:
In [6]:
display['COUNT(*)'].sum()
Out[6]:
393063
In [7]:
display= pd.read_sql_query("""
SELECT *
FROM Reviews
FROM Reviews
WHERE Score != 3 AND UserId="AR5J8UI46CURR"
ORDER BY ProductID
""", con)
display.head()
Out[7]:
LOACKER
Geetha QUADRATINI
0 78445 B000HDL1RQ AR5J8UI46CURR 2 2 5 1199577600
Krishnan VANILLA
WAFERS
LOACKER
Geetha QUADRATINI
1 138317 B000HDOPYC AR5J8UI46CURR 2 2 5 1199577600
Krishnan VANILLA
WAFERS
LOACKER
Geetha QUADRATINI
2 138277 B000HDOPYM AR5J8UI46CURR 2 2 5 1199577600
Krishnan VANILLA
WAFERS
LOACKER
Geetha QUADRATINI
3 73791 B000HDOPZG AR5J8UI46CURR 2 2 5 1199577600
Krishnan VANILLA
WAFERS
LOACKER
Geetha QUADRATINI
4 155049 B000PAQ75C AR5J8UI46CURR 2 2 5 1199577600
Krishnan VANILLA
WAFERS
As it can be seen above that same user has multiple reviews with same values for HelpfulnessNumerator, HelpfulnessDenominator,
Score, Time, Summary and Text and on doing analysis it was found that
ProductId=B000HDOPZG was Loacker Quadratini Vanilla Wafer Cookies, 8.82-Ounce Packages (Pack of 8)
ProductId=B000HDL1RQ was Loacker Quadratini Lemon Wafer Cookies, 8.82-Ounce Packages (Pack of 8) and so on
It was inferred after analysis that reviews with same parameters other than ProductId belonged to the same product just having
different flavour or quantity. Hence in order to reduce redundancy it was decided to eliminate the rows having same parameters.
The method used for the same was that we first sort the data according to ProductId and then just keep the first similar product review
and delelte the others. for eg. in the above just the review for ProductId=B000HDL1RQ remains. This method ensures that there is
only one representative for each product and deduplication without sorting would lead to possibility of different representatives still
existing for the same product.
In [8]:
#Sorting data according to ProductId in ascending order
sorted_data=filtered_data.sort_values('ProductId', axis=0, ascending=True, inplace=False, kind='qui
cksort', na_position='last')
In [9]:
#Deduplication of entries
final=sorted_data.drop_duplicates(subset={"UserId","ProfileName","Time","Text"}, keep='first', inpl
ace=False)
final.shape
Out[9]:
(364173, 10)
In [10]:
#Checking to see how much % of data still remains
(final['Id'].size*1.0)/(filtered_data['Id'].size*1.0)*100
Out[10]:
69.25890143662969
Observation:- It was also seen that in two rows given below the value of HelpfulnessNumerator is greater than
HelpfulnessDenominator which is not practically possible hence these two rows too are removed from calcualtions
In [11]:
display= pd.read_sql_query("""
SELECT *
FROM Reviews
WHERE Score != 3 AND Id=44737 OR Id=64422
ORDER BY ProductID
""", con)
display.head()
Out[11]:
My son
Bought
J. E. spaghetti
This for
0 64422 B000MIDROQ A161DK06JJMCYF Stephens 3 1 5 1224892800
My Son at
"Jeanne"
College
hesitate
Pure
cocoa almost a
taste with 'love at
1 44737 B001EQ55RW A2V0I904FH7ABY Ram 3 2 4 1212883200
crunchy first bite'
almonds
inside
In [12]:
final=final[final.HelpfulnessNumerator<=final.HelpfulnessDenominator]
In [13]:
#Before starting the next phase of preprocessing lets see the number of entries left
print(final.shape)
#How many positive and negative reviews are present in our dataset?
final['Score'].value_counts()
(364171, 10)
Out[13]:
1 307061
0 57110
Name: Score, dtype: int64
[3] Preprocessing
After which we collect the words used to describe positive and negative reviews
In [14]:
# printing some random reviews
sent_0 = final['Text'].values[0]
print(sent_0)
print("="*50)
sent_1000 = final['Text'].values[1000]
print(sent_1000)
print("="*50)
sent_1500 = final['Text'].values[1500]
print(sent_1500)
print("="*50)
sent_4900 = final['Text'].values[4900]
print(sent_4900)
print("="*50)
this witty little book makes my son laugh at loud. i recite it in the car as we're driving along a
nd he always can sing the refrain. he's learned about whales, India, drooping roses: i love all t
he new words this book introduces and the silliness of it all. this is a classic book i am
willing to bet my son will STILL be able to recite from memory when he is in college
==================================================
I was really looking forward to these pods based on the reviews. Starbucks is good, but I prefer
bolder taste.... imagine my surprise when I ordered 2 boxes - both were expired! One expired back
in 2005 for gosh sakes. I admit that Amazon agreed to credit me for cost plus part of shipping, b
ut geez, 2 years expired!!! I'm hoping to find local San Diego area shoppe that carries pods so t
hat I can try something different than starbucks.
==================================================
Great ingredients although, chicken should have been 1st rather than chicken broth, the only thing
I do not think belongs in it is Canola oil. Canola or rapeseed is not someting a dog would ever fi
nd in nature and if it did find rapeseed in nature and eat it, it would poison them. Today's Food
industries have convinced the masses that Canola oil is a safe and even better oil than olive or v
irgin coconut, facts though say otherwise. Until the late 70's it was poisonous until they figured
out a way to fix that. I still like it but it could be better.
==================================================
Can't do sugar. Have tried scores of SF Syrups. NONE of them can touch the excellence of this
product.<br /><br />Thick, delicious. Perfect. 3 ingredients: Water, Maltitol, Natural Maple
Flavor. PERIOD. No chemicals. No garbage.<br /><br />Have numerous friends & family members
hooked on this stuff. My husband & son, who do NOT like "sugar free" prefer this over major label
regular syrup.<br /><br />I use this as my SWEETENER in baking: cheesecakes, white brownies,
muffins, pumpkin pies, etc... Unbelievably delicious...<br /><br />Can you tell I like it? :)
==================================================
In [15]:
# remove urls from text python: https://stackoverflow.com/a/40823105/4084039
sent_0 = re.sub(r"http\S+", "", sent_0)
sent_1000 = re.sub(r"http\S+", "", sent_1000)
sent_150 = re.sub(r"http\S+", "", sent_1500)
sent_4900 = re.sub(r"http\S+", "", sent_4900)
print(sent_0)
this witty little book makes my son laugh at loud. i recite it in the car as we're driving along a
nd he always can sing the refrain. he's learned about whales, India, drooping roses: i love all t
he new words this book introduces and the silliness of it all. this is a classic book i am
willing to bet my son will STILL be able to recite from memory when he is in college
In [16]:
# https://stackoverflow.com/questions/16206380/python-beautifulsoup-how-to-remove-all-tags-from-an
-element
from bs4 import BeautifulSoup
from bs4 import BeautifulSoup
this witty little book makes my son laugh at loud. i recite it in the car as we're driving along a
nd he always can sing the refrain. he's learned about whales, India, drooping roses: i love all t
he new words this book introduces and the silliness of it all. this is a classic book i am
willing to bet my son will STILL be able to recite from memory when he is in college
==================================================
I was really looking forward to these pods based on the reviews. Starbucks is good, but I prefer
bolder taste.... imagine my surprise when I ordered 2 boxes - both were expired! One expired back
in 2005 for gosh sakes. I admit that Amazon agreed to credit me for cost plus part of shipping, b
ut geez, 2 years expired!!! I'm hoping to find local San Diego area shoppe that carries pods so t
hat I can try something different than starbucks.
==================================================
Great ingredients although, chicken should have been 1st rather than chicken broth, the only thing
I do not think belongs in it is Canola oil. Canola or rapeseed is not someting a dog would ever fi
nd in nature and if it did find rapeseed in nature and eat it, it would poison them. Today's Food
industries have convinced the masses that Canola oil is a safe and even better oil than olive or v
irgin coconut, facts though say otherwise. Until the late 70's it was poisonous until they figured
out a way to fix that. I still like it but it could be better.
==================================================
Can't do sugar. Have tried scores of SF Syrups. NONE of them can touch the excellence of this
product.Thick, delicious. Perfect. 3 ingredients: Water, Maltitol, Natural Maple Flavor.
PERIOD. No chemicals. No garbage.Have numerous friends & family members hooked on this stuff. M
y husband & son, who do NOT like "sugar free" prefer this over major label regular syrup.I use thi
s as my SWEETENER in baking: cheesecakes, white brownies, muffins, pumpkin pies, etc...
Unbelievably delicious...Can you tell I like it? :)
In [17]:
# https://stackoverflow.com/a/47091490/4084039
import re
def decontracted(phrase):
# specific
phrase = re.sub(r"won't", "will not", phrase)
phrase = re.sub(r"can\'t", "can not", phrase)
# general
phrase = re.sub(r"n\'t", " not", phrase)
phrase = re.sub(r"\'re", " are", phrase)
phrase = re.sub(r"\'s", " is", phrase)
phrase = re.sub(r"\'d", " would", phrase)
phrase = re.sub(r"\'ll", " will", phrase)
phrase = re.sub(r"\'t", " not", phrase)
phrase = re.sub(r"\'ve", " have", phrase)
phrase = re.sub(r"\'m", " am", phrase)
return phrase
In [18]:
sent_1500 = decontracted(sent_1500)
print(sent_1500)
print("="*50)
Great ingredients although, chicken should have been 1st rather than chicken broth, the only thing
I do not think belongs in it is Canola oil. Canola or rapeseed is not someting a dog would ever fi
I do not think belongs in it is Canola oil. Canola or rapeseed is not someting a dog would ever fi
nd in nature and if it did find rapeseed in nature and eat it, it would poison them. Today is Food
industries have convinced the masses that Canola oil is a safe and even better oil than olive or v
irgin coconut, facts though say otherwise. Until the late 70 is it was poisonous until they
figured out a way to fix that. I still like it but it could be better.
==================================================
In [19]:
#remove words with numbers python: https://stackoverflow.com/a/18082370/4084039
sent_0 = re.sub("\S*\d\S*", "", sent_0).strip()
print(sent_0)
this witty little book makes my son laugh at loud. i recite it in the car as we're driving along a
nd he always can sing the refrain. he's learned about whales, India, drooping roses: i love all t
he new words this book introduces and the silliness of it all. this is a classic book i am
willing to bet my son will STILL be able to recite from memory when he is in college
In [20]:
Great ingredients although chicken should have been 1st rather than chicken broth the only thing I
do not think belongs in it is Canola oil Canola or rapeseed is not someting a dog would ever find
in nature and if it did find rapeseed in nature and eat it it would poison them Today is Food indu
stries have convinced the masses that Canola oil is a safe and even better oil than olive or virgi
n coconut facts though say otherwise Until the late 70 is it was poisonous until they figured out
a way to fix that I still like it but it could be better
In [21]:
# https://gist.github.com/sebleier/554280
# we are removing the words from the stop words list: 'no', 'nor', 'not'
# <br /><br /> ==> after the above steps, we are getting "br br"
# we are including them into stop words list
# instead of <br /> if we have <br/> these tags would have revmoved in the 1st step
stopwords= set(['br', 'the', 'i', 'me', 'my', 'myself', 'we', 'our', 'ours', 'ourselves', 'you', "y
ou're", "you've",\
"you'll", "you'd", 'your', 'yours', 'yourself', 'yourselves', 'he', 'him', 'his',
'himself', \
'she', "she's", 'her', 'hers', 'herself', 'it', "it's", 'its', 'itself', 'they', 'them',
'their',\
'theirs', 'themselves', 'what', 'which', 'who', 'whom', 'this', 'that', "that'll",
'these', 'those', \
'am', 'is', 'are', 'was', 'were', 'be', 'been', 'being', 'have', 'has', 'had', 'having',
'do', 'does', \
'did', 'doing', 'a', 'an', 'the', 'and', 'but', 'if', 'or', 'because', 'as', 'until', '
while', 'of', \
'at', 'by', 'for', 'with', 'about', 'against', 'between', 'into', 'through', 'during',
'before', 'after',\
'above', 'below', 'to', 'from', 'up', 'down', 'in', 'out', 'on', 'off', 'over', 'under'
, 'again', 'further',\
'then', 'once', 'here', 'there', 'when', 'where', 'why', 'how', 'all', 'any', 'both', 'e
ach', 'few', 'more',\
'most', 'other', 'some', 'such', 'only', 'own', 'same', 'so', 'than', 'too', 'very', \
's', 't', 'can', 'will', 'just', 'don', "don't", 'should', "should've", 'now', 'd', 'll'
, 'm', 'o', 're', \
've', 'y', 'ain', 'aren', "aren't", 'couldn', "couldn't", 'didn', "didn't", 'doesn', "do
esn't", 'hadn',\
"hadn't", 'hasn', "hasn't", 'haven', "haven't", 'isn', "isn't", 'ma', 'mightn',
"mightn't", 'mustn',\
"mustn't", 'needn', "needn't", 'shan', "shan't", 'shouldn', "shouldn't", 'wasn',
"wasn't", 'weren', "weren't", \
'won', "won't", 'wouldn', "wouldn't"])
In [22]:
100%|████████████████████████████████████████████████████████████████████████| 364171/364171
[04:15<00:00, 1426.68it/s]
In [23]:
preprocessed_reviews[0]
Out[23]:
'witty little book makes son laugh loud recite car driving along always sing refrain learned
whales india drooping roses love new words book introduces silliness classic book willing bet son
still able recite memory college'
In [24]:
print(final.shape)
(364171, 10)
In [25]:
final['CleanedText']=preprocessed_reviews
In [26]:
final.head()
Out[26]:
EVERY
shari
138706 150524 0006641040 ACITT7DI6IDDL 0 0 1 939340800 book is
zychinski
educational
Love the
book, miss
138688 150506 0006641040 A2IW4PEEKO2R0U Tracy 1 1 1 1194739200 the hard
cover
version
chicken
sally sue soup with
138689 150507 0006641040 A1S4A3IQ2MU7V4 1 1 1 1191456000
"sally sue" rice
months
a good
Catherine swingy
138690 150508 0006641040 AZGXZ2UUK6X Hallberg " 1 1 1 1076025600 rhythm for
(Kate)" reading
aloud
Id ProductId UserId ProfileName HelpfulnessNumerator HelpfulnessDenominator Score Time Summary
A great
way to
138691 150509 0006641040 A3CMRKGE0P909G Teresa 3 4 1 1018396800
learn the
months
In [27]:
print(type(final))
<class 'pandas.core.frame.DataFrame'>
In [28]:
X = final['CleanedText'].values
Y = final['Score'].values
In [29]:
print(X.shape)
print(Y.shape)
(364171,)
(364171,)
In [31]:
In [32]:
print(X_train.shape,Y_train.shape)
print(X_test.shape,Y_test.shape)
(243994,) (243994,)
(120177,) (120177,)
SET 1:Review text, preprocessed one converted into vectors using (BOW)
SET 2:Review text, preprocessed one converted into vectors using (TFIDF)
SET 3:Review text, preprocessed one converted into vectors using (AVG W2v)
SET 4:Review text, preprocessed one converted into vectors using (TFIDF W2v)
SET 5:Review text, preprocessed one converted into vectors using (BOW) but with restriction on maximum features
generated.
SET 6:Review text, preprocessed one converted into vectors using (TFIDF) but with restriction on maximum features
generated.
SET 3:Review text, preprocessed one converted into vectors using (AVG W2v)
SET 4:Review text, preprocessed one converted into vectors using (TFIDF W2v)
Find the best hyper parameter which will give the maximum AUC value
Find the best hyper paramter using k-fold cross validation or simple cross validation data
Use gridsearch cv or randomsearch cv or you can also write your own for loops to do this task of hyperparameter tuning
4. Representation of results
You need to plot the performance of model both on train data and cross validation data for each hyper parameter, like shown
in the figure
Once after you found the best hyper parameter, you need to train your model with it, and find the AUC on test data and plot
the ROC curve on both train and test.
Along with plotting ROC curve, you need to print the confusion matrix with predicted and original labels of test data points
5. Conclusion
You need to summarize the results at the end of the notebook, summarize it in the table format. To print out a table please
refer to this prettytable library link
1. There will be an issue of data-leakage if you vectorize the entire data and then split it into train/cv/test.
2. To avoid the issue of data-leakag, make sure to split your data first and then vectorize it.
3. While vectorizing your data, apply the method fit_transform() on you train data, and apply the method transform() on cv/test data.
4. For more details please go through this link.
BOW
In [33]:
X_train_brute = X_train[:50000,]
Y_train_brute = Y_train[:50000,]
X_test_brute = X_test[:20000,]
Y_test_brute = Y_test[:20000,]
In [34]:
cv = CountVectorizer(min_df=10,max_features=500)
X_train_bow = cv.fit_transform(X_train_brute).toarray()
In [35]:
X_test_bow = cv.transform(X_test_brute).toarray()
In [36]:
print(X_train_bow.shape)
print(X_test_bow.shape)
(50000, 500)
(20000, 500)
In [49]:
train_auc = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
In [51]:
clf.best_params_
Out[51]:
{'n_neighbors': 31}
Testing With Test Data
In [39]:
neigh = KNeighborsClassifier(n_neighbors=31,algorithm='brute')
neigh.fit(X_train_bow, Y_train_brute)
# roc_auc_score(y_true, y_score) the 2nd parameter should be probability estimates of the positive
class
# not the predicted outputs
In [40]:
pred_labels = neigh.predict(X_test_bow)
print(pred_labels)
[1 1 1 ... 1 1 1]
In [41]:
acc = neigh.score(X_test_bow,Y_test_brute)
print(acc)
0.8479
In [43]:
from sklearn.metrics import confusion_matrix
In [44]:
cnf_matrix = confusion_matrix(Y_test_brute,pred_labels)
print(cnf_matrix)
[[ 750 2412]
[ 630 16208]]
[ 630 16208]]
In [60]:
import itertools
def plot_confusion_matrix(cm, classes,
normalize=False,
title='Confusion matrix',
cmap=plt.cm.Blues):
"""
This function prints and plots the confusion matrix.
Normalization can be applied by setting `normalize=True`.
"""
if normalize:
cm = cm.astype('float') / cm.sum(axis=1)[:, np.newaxis]
print("Normalized confusion matrix")
else:
print('Confusion matrix, without normalization')
print(cm)
plt.ylabel('True label')
plt.xlabel('Predicted label')
plt.tight_layout()
In [51]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
In [64]:
X_train_brute = X_train[:50000,]
Y_train_brute = Y_train[:50000,]
X_test_brute = X_test[:20000,]
Y_test_brute = Y_test[:20000,]
Y_test_brute = Y_test[:20000,]
In [66]:
tf_idf_vect = TfidfVectorizer(ngram_range=(1,2),min_df=10,max_features=500)
X_train_tfidf = tf_idf_vect.fit_transform(X_train_brute).toarray()
In [67]:
X_test_tfidf = tf_idf_vect.transform(X_test_brute).toarray()
In [68]:
print(X_train_tfidf.shape)
print(X_test_tfidf.shape)
(50000, 500)
(20000, 500)
In [69]:
from sklearn.model_selection import GridSearchCV
from sklearn.neighbors import KNeighborsClassifier
train_auc = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
Out[70]:
{'n_neighbors': 5}
In [71]:
from sklearn.metrics import roc_curve, auc
from sklearn.neighbors import KNeighborsClassifier
neigh = KNeighborsClassifier(n_neighbors=5,algorithm='brute')
neigh.fit(X_train_tfidf, Y_train_brute)
# roc_auc_score(y_true, y_score) the 2nd parameter should be probability estimates of the positive
class
# not the predicted outputs
In [72]:
pred_labels = neigh.predict(X_test_tfidf)
print(pred_labels)
[1 1 1 ... 1 1 1]
In [73]:
acc = neigh.score(X_test_tfidf,Y_test_brute)
print(acc)
0.8403
Visualising The Confusion Matrix
In [74]:
cnf_matrix = confusion_matrix(Y_test_brute,pred_labels)
print(cnf_matrix)
[[ 255 2907]
[ 287 16551]]
In [75]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
In [36]:
X_train_new = X_train[:50000,]
Y_train_new = Y_train[:50000,]
X_test_new = X_test[:20000,]
Y_test_new = Y_test[:20000,]
In [37]:
w2v_data = X_train_new
splitted=[]
for row in w2v_data :
splitted.append([word for word in row.split()])
In [38]:
w2v_model = Word2Vec(splitted,min_count=5,size=150, workers=4)
print(w2v_model)
In [39]:
w2v_words = list(w2v_model.wv.vocab)
In [115]:
print(w2v_words)
['godiva', 'chocolates', 'used', 'la', 'creme', 'de', 'years', 'ago', 'not', 'seem', 'good',
'anymore', 'also', 'outrageously', 'expensive', 'lighter', 'smaller', 'amount', 'get', 'oz',
'instead', 'lb', 'fillings', 'belgian', 'pack', 'substantial', 'compared', 'chocolate', 'shell', '
alot', 'solids', 'filling', 'flavors', 'remember', 'much', 'variety', 'many', 'choices', 'fine',
'decades', 'somehow', 'lost', 'ground', 'super', 'quick', 'shipping', 'product', 'know', 'no', 'su
gar', 'added', 'would', 'known', 'really', 'thanks', 'cats', 'love', 'price', 'worth', 'trying', '
need', 'scratcher', 'never', 'tried', 'inclined', 'style', 'rejected', 'sister', 'floor', 'model',
'stand', 'scratch', 'decided', 'try', 'swap', 'lol', 'mine', 'go', 'figure', 'decent', 'like',
'always', 'donate', 'local', 'shelter', 'fellow', 'feline', 'owner', 'grapefruit', 'blackberry', '
current', 'favorite', 'house', 'tuesday', 'nights', 'rotisserie', 'chicken', 'homemade', 'gravy',
'watching', 'tv', 'taste', 'subtle', 'fruit', 'mingling', 'perfectly', 'overly', 'carbonated', 'sp
arkling', 'water', 'may', 'want', 'order', 'case', 'artificial', 'flavorings', 'colorings',
'mention', 'extra', 'sweetener', 'grape', 'juice', 'apple', 'concentrate', 'lemon',
'concentrates', 'mingle', 'create', 'delicate', 'smooth', 'slightly', 'tingly', 'delicious', 'drin
k', 'perfect', 'drinking', 'dinner', 'taking', 'along', 'picnic', 'rebecca', 'review', 'right', 'o
il', 'salt', 'comes', 'convenience', 'simply', 'able', 'beat', 'traveled', 'extensively', 'china',
'past', 'especially', 'enjoy', 'sichuan', 'cooking', 'hot', 'spicy', 'flavorful', 'dishes',
'home', 'however', 'difficult', 'obtain', 'true', 'flavor', 'without', 'use', 'peppercorns',
'add', 'unique', 'well', 'feel', 'tongue', 'mouth', 'note', 'chilis', 'peppers', 'pungent',
'expect', 'dish', 'sure', 'toast', 'gently', 'bit', 'releases', 'oils', 'heated', 'toasted', 'grin
d', 'spice', 'grinder', 'another', 'reviewer', 'noted', 'mortar', 'pestle', 'prefer', 'provides',
'rustic', 'uneven', 'think', 'adds', 'quality', 'beef', 'pork', 'tofu', 'vegetables', 'tend',
'quite', 'people', 'might', 'experiment', 'find', 'palate', 'aroma', 'cooked', 'makes', 'kitchen',
'smell', 'great', 'chinese', 'suggestion', 'popcorn', 'next', 'time', 'melt', 'butter', 'cook',
'less', 'minute', 'evenly', 'new', 'fresh', 'clean', 'arrived', 'quickly', 'packaged',
'resealable', 'bag', 'ordering', 'soon', 'coffees', 'particularly', 'drawn', 'african', 'brews', '
coffee', 'bean', 'direct', 'ethiopian', 'pound', 'beats', 'could', 'characteristic', 'fruitiness',
'strong', 'freshly', 'brewed', 'best', 'prepared', 'small', 'amounts', 'press', 'loses', 'appeal',
'minutes', 'pot', 'found', 'takes', 'typically', 'brewing', 'standard', 'produce', 'strength', 'ab
solute', 'keeps', 'sealed', 'frozen', 'one', 'cat', 'even', 'though', 'nip', 'large', 'jar', 'stil
l', 'tries', 'putting', 'golf', 'ball', 'forget', 'put', 'cupboard', 'cosmic', 'catnip',
'daughter', 'gotten', 'sometimes', 'tell', 'eating', 'rolling', 'signs', 'lara', 'bars', 'tasty',
'convienient', 'wonderful', 'way', 'raw', 'foods', 'diet', 'travel', 'purchasing', 'food',
'airport', 'healthful', 'wish', 'pinch', 'pie', 'broth', 'nearly', 'everything', 'soups', 'rice',
'pasta', 'non', 'twist', 'treat', 'tastebuds', 'ultimate', 'delight', 'dulce', 'leche', 'brand', '
native', 'argentina', 'grew', 'stuff', 'imitation', 'close', 'serve', 'inside', 'crepes', 'warm',
'folded', 'powder', 'flan', 'ice', 'cream', 'little', 'goes', 'long', 'sweet', 'recently', 'purcha
sed', 'bottle', 'make', 'cinnamon', 'toothpicks', 'excellent', 'value', 'last', 'application', 'op
portunity', 'buy', 'island', 'hawaii', 'kona', 'hands', 'important', 'totally', 'organic',
'knocking', 'recommend', 'highly', 'farm', 'macadamia', 'nuts', 'old', 'milk', 'soy', 'protein', '
intolerance', 'months', 'stopped', 'nursing', 'pumping', 'wanted', 'eat', 'normal', 'substitute',
'research', 'option', 'getting', 'nutrition', 'purchase', 'subscribe', 'save', 'box', 'son',
'loves', 'happy', 'decision', 'switching', 'breastmilk', 'vanilla', 'flavored', 'hemp', 'made', 't
ransition', 'easy', 'us', 'received', 'sample', 'rise', 'crunchy', 'cashew', 'almond', 'bar',
'loved', 'ordered', 'pineapple', 'absolutely', 'size', 'g', 'breakfast', 'healthy', 'snack',
'day', 'flavours', 'yogi', 'tea', 'says', 'since', 'hard', 'pick', 'energy', 'month', 'times', 'wo
rk', 'feeling', 'went', 'back', 'drinks', 'couple', 'sleepy', 'middle', 'high', 'performance', 'lo
ok', 'days', 'apparent', 'stable', 'boost', 'body', 'health', 'cheers', 'better', 'products', 'mar
ket', 'holds', 'types', 'sauces', 'expected', 'larger', 'purse', 'handy', 'liquid', 'similar', 'ha
ir', 'part', 'maintain', 'grow', 'point', 'ends', 'become', 'terribly', 'brittle', 'eventually', '
longer', 'problem', 'started', 'using', 'coconut', 'deep', 'conditioner', 'apply', 'hours',
'washing', 'obviously', 'leave', 'overnight', 'split', 'substantially', 'reduced', 'strands', 'fel
t', 'root', 'tip', 'waves', 'effective', 'solution', 'come', 'across', 'natural', 'cheapest', 'com
ment', 'properties', 'aside', 'advise', 'favor', 'heavier', 'clog', 'pores', 'deserve', 'knocked',
'considering', 'works', 'gets', 'low', 'freak', 'messy', 'fingers', 'return', 'state', 'oh', 'care
ful', 'intend', 'take', 'supplement', 'ease', 'build', 'immunity', 'arsenic', 'took',
'recommended', 'trusted', 'proceeded', 'insides', 'torn', 'apart', 'tips', 'beautiful', 'miss',
'starbucks', 'blend', 'discs', 'tassimo', 'none', 'compare', 'word', 'blends', 'coming',
'delighted', 'bottles', 'torani', 'available', 'area', 'locally', 'dismayed', 'calories',
'thought', 'zero', 'kind', 'knew', 'seems', 'happened', 'four', 'free', 'knowing', 'almost',
'returned', 'shipment', 'calorie', 'reason', 'trouble', 'packing', 'hoping', 'seller', 'online', '
looking', 'forward', 'disappointment', 'dry', 'stale', 'rock', 'check', 'anyone', 'plain', 'bad',
'whatsoever', 'lot', 'amazon', 'stay', 'away', 'usually', 'write', 'reviews', 'satisfied', 'star',
'threw', 'ever', 'st', 'dalfour', 'certified', 'hand', 'picked', 'ceylon', 'enhanced', 'opinion',
'enjoyable', 'addition', 'probably', 'disappointed', 'authenticity', 'discern', 'teas', 'left', 'd
rank', 'whole', 'turns', 'bitter', 'french', 'firm', 'including', 'information', 'web', 'site', 'b
eyond', 'basics', 'looks', 'different', 'fun', 'guests', 'ask', 'wow', 'tastes', 'black', 'imagine
', 'contain', 'caffeine', 'picture', 'leads', 'believe', 'candy', 'honey', 'almonds',
'ingredients', 'list', 'main', 'ingredient', 'plants', 'huge', 'produced', 'tomatoes', 'shook', 'i
nstructions', 'said', 'top', 'weeks', 'loud', 'sounds', 'pump', 'loosing', 'bearing', 'something',
'cleaned', 'wife', 'wants', 'toss', 'thing', 'trash', 'starting', 'baby', 'easier', 'machine', 're
cipe', 'book', 'attached', 'specific', 'fruits', 'veggies', 'help', 'strongly', 'first', 'mom', 'l
ife', 'dried', 'chewy', 'gummy', 'nothing', 'meets', 'allergen', 'needs', 'tropical', 'yum', 'regu
lar', 'rather', 'treats', 'beneficial', 'implied', 'reading', 'ahead', 'commercial', 'bags',
'trader', 'joe', 'course', 'half', 'bucks', 'three', 'lollipops', 'far', 'grandfather',
'developed', 'obsession', 'specifically', 'tootsie', 'roll', 'blow', 'pops', 'yrs', 'mastered', 'a
ngel', 'face', 'uses', 'whatever', 'grandparents', 'wasnt', 'loaded', 'refined', 'unhealthy',
ngel', 'face', 'uses', 'whatever', 'grandparents', 'wasnt', 'loaded', 'refined', 'unhealthy',
'dyes', 'searching', 'mouths', 'economical', 'arent', 'often', 'thrown', 'eaten', 'filled', 'guilt
', 'daycare', 'vitamin', 'c', 'major', 'plus', 'isnt', 'item', 'curb', 'tooth', 'every',
'awesome', 'originally', 'dipping', 'im', 'glad', 'opted', 'pounder', 'monthly', 'subscription',
'realized', 'tasted', 'rich', 'full', 'bodied', 'pleased', 'read', 'nine', 'wondered',
'depending', 'person', 'consistently', 'receive', 'five', 'stars', 'suspicious', 'nope', 'tenth',
'rating', 'row', 'tough', 'sauce', 'guy', 'around', 'sweetness', 'hotness', 'soak', 'dip', 'egg',
'rolls', 'nuggets', 'big', 'fer', 'sincere', 'reviewers', 'doubting', 'caramel', 'macchiato',
'hate', 'cost', 'gives', 'fix', 'quarter', 'throw', 'shot', 'syrup', 'sum', 'maybe', 'fat', 'versi
on', 'pretty', 'darn', 'second', 'husband', 'crohn', 'disease', 'gluten', 'feels', 'medications',
'happily', 'section', 'grocery', 'store', 'cart', 'night', 'cake', 'bite', 'easily',
'wonderfully', 'texture', 'gooey', 'piece', 'inspiring', 'message', 'ate', 'cured', 'depression',
'saved', 'fortune', 'going', 'hershey', 'listed', 'manager', 'special', 'april', 'today',
'august', 'waiting', 'items', 'sale', 'gum', 'bought', 'came', 'double', 'wrapped', 'tub', 'mint',
'fan', 'garlic', 'suppress', 'breath', 'minty', 'wash', 'pounds', 'mints', 'bee', 'share', 'tightl
y', 'office', 'snax', 'ships', 'fast', 'carb', 'thrilled', 'oatmeal', 'prepare', 'grade', 'dark',
'amber', 'pure', 'maple', 'canada', 'experience', 'distinction', 'advertising', 'contrary',
'move', 'b', 'light', 'greatly', 'start', 'bloated', 'depressed', 'cup', 'two', 'normally', 'peach
', 'peppermint', 'fruity', 'type', 'issue', 'gone', 'contains', 'bother', 'finding', 'looked', 'al
ternatives', 'already', 'allergy', 'medicine', 'placebo', 'effect', 'helps', 'either', 'win', 'eve
ryone', 'things', 'keep', 'buying', 'marshmallows', 'fluff', 'anyway', 'mango', 'center',
'slight', 'marshmallow', 'idea', 'wonder', 'roasted', 'haha', 'third', 'timothy', 'world',
'columbian', 'decaffeinated', 'kuerig', 'brewers', 'consistent', 'hardy', 'competitive', 'emeril',
'decafe', 'occasionally', 'actually', 'chew', 'thick', 'oaty', 'fills', 'tummy', 'surprisingly', '
inexpensive', 'deal', 'quaker', 'oats', 'definitely', 'give', 'fantastic', 'scoop', 'shake',
'nutritional', 'relative', 'cancer', 'treatments', 'power', 'wheatgrass', 'salad', 'particular', '
italian', 'dressing', 'zest', 'cover', 'brown', 'lettuce', 'dislike', 'head', 'tells',
'difference', 'green', 'unfortunately', 'according', 'sensitive', 'certainly', 'besides', 'bacon',
'bits', 'croutons', 'carrots', 'cucumbers', 'peas', 'onions', 'parmesan', 'cheese', 'dump',
'tiny', 'bowl', 'adding', 'touch', 'allows', 'appreciate', 'advertised', 'figured', 'toddler',
'eats', 'snacks', 'pouch', 'finish', 'stops', 'rate', 'older', 'babies', 'liking', 'sweeter', 'tod
dlers', 'experiences', 'due', 'sitter', 'stage', 'fond', 'child', 'likes', 'dislikes',
'complaints', 'longtime', 'spectacular', 'tasting', 'merchant', 'toffee', 'covered', 'english', 's
uperb', 'packs', 'finally', 'packed', 'clif', 'larabar', 'grams', 'fiber', 'kosher', 'ou',
'dairy', 'vegan', 'pieces', 'dates', 'overpowering', 'traveling', 'energized', 'gym', 'update', 'f
inished', 'hide', 'others', 'enjoyed', 'pricey', 'per', 'bulbs', 'several', 'gave', 'laws',
'worked', 'notch', 'mini', 'keurig', 'needle', 'hole', 'kaps', 'description', 'models', 'foil', 'm
ethod', 'stock', 'needed', 'guess', 'ok', 'play', 'hockey', 'lose', 'stove', 'eagerly', 'await', '
else', 'lids', 'appear', 'allow', 'punch', 'burns', 'throats', 'exactly', 'intention', 'company',
'affects', 'actual', 'cocaine', 'cause', 'throat', 'burning', 'sensation', 'intense', 'crash', 'gi
mmick', 'admit', 'searched', 'based', 'impressed', 'date', 'loose', 'cans', 'flea', 'markets', 'in
stantly', 'jumped', 'describe', 'personally', 'indeed', 'unlike', 'cherry', 'mixed', 'hint', 'bubb
le', 'dominant', 'recognizable', 'powerful', 'served', 'chilled', 'gross', 'buzz', 'hundreds', 'to
lerance', 'hour', 'fell', 'asleep', 'twice', 'barely', 'anything', 'seriously', 'shaking', 'numb',
'amazing', 'ridiculous', 'jittery', 'focused', 'focus', 'video', 'games', 'rest', 'bouncy',
'knee', 'mostly', 'mental', 'supply', 'sticking', 'choice', 'whenever', 'insomnia', 'wake', 'early
', 'somewhere', 'walking', 'whether', 'shopping', 'mall', 'bring', 'slam', 'hardcore', 'stop', 'wh
ining', 'realize', 'shaker', 'described', 'rip', 'enough', 'yelling', 'shipped', 'ounce',
'familiar', 'oreos', 'unfamiliar', 'peanut', 'oreo', 'fudge', 'cremes', 'consist', 'single',
'wafer', 'topped', 'layer', 'coating', 'thin', 'nicely', 'crispy', 'honest', 'unable', 'hoped', 'c
reamy', 'goodness', 'although', 'nibble', 'mind', 'rite', 'iv', 'crumbled', 'matter', 'kal', 'stev
ia', 'blue', 'buffalo', 'cheaper', 'brands', 'cannot', 'say', 'adopted', 'feed', 'premium',
'thinking', 'grad', 'student', 'budget', 'gradually', 'switched', 'iams', 'immediately',
'noticed', 'troublesome', 'changes', 'shedding', 'crazy', 'poop', 'watery', 'bloody', 'fur', 'init
ial', 'luster', 'became', 'stiffer', 'running', 'turned', 'wasting', 'money', 'bringing', 'vet', '
weird', 'supplements', 'checking', 'random', 'corn', 'wheat', 'primary', 'basically', 'loads', 'ca
sh', 'supposed', 'ones', 'liked', 'fact', 'minimal', 'levels', 'within', 'stinky', 'soft', 'lush',
'luxurious', 'impossible', 'hates', 'squeezed', 'means', 'end', 'paying', 'bigger', 'side', 'ft',
'nose', 'base', 'tail', 'maintained', 'weight', 'frankly', 'chose', 'combo', 'turkey', 'kitty', 'p
referred', 'seafood', 'cartons', 'salsa', 'med', 'chipotle', 'classics', 'habenero', 'mail', 'runs
', 'usd', 'rarely', 'outlet', 'thats', 'buck', 'planet', 'earth', 'please', 'biscoff', 'spread', '
unbelievable', 'cookies', 'yet', 'consistency', 'frosting', 'cupcakes', 'usa', 'belgium',
'reality', 'show', 'featured', 'created', 'called', 'europe', 'lotus', 'patented', 'began', 'produ
cing', 'companies', 'followed', 'brought', 'round', 'cookie', 'drama', 'stands', 'courser',
'airplane', 'ticket', 'turn', 'toward', 'anywhere', 'illy', 'issimo', 'choose', 'control',
'hungry', 'til', 'lunch', 'plastic', 'closed', 'nutiva', 'lying', 'sides', 'soaking', 'wet', 'leak
ing', 'tradition', 'advice', 'lay', 'let', 'degree', 'letting', 'got', 'bonsai', 'tree', 'leaves',
'drying', 'result', 'sent', 'paid', 'wait', 'shop', 'frustrated', 'regret', 'jan', 'action',
'replacing', 'replacement', 'replaced', 'shown', 'loss', 'program', 'bully', 'sticks', 'giving', '
puppy', 'downtown', 'inch', 'improve', 'veggie', 'consumption', 'recipes', 'token', 'air',
'padding', 'opened', 'interior', 'written', 'individual', 'dented', 'package', 'truck', 'ripped',
'suggested', 'friend', 'helped', 'seasonal', 'allergies', 'pollen', 'worst', 'drugs', 'roast', 'mo
uthfeel', 'planning', 'san', 'francisco', 'bay', 'wasted', 'waste', 'disposable', 'k', 'cups', 'ba
rgain', 'baking', 'wine', 'superbly', 'buyer', 'wrote', 'freeze', 'potency', 'words', 'buttery', '
name', 'fake', 'pseudo', 'wrong', 'slimy', 'redenbacher', 'loser', 'care', 'skip', 'junk', 'w', 'f
laxseed', 'minus', 'kids', 'held', 'crumble', 'celestial', 'seasonings', 'anytime', 'crystal',
'milder', 'worry', 'jitters', 'sleep', 'pomegranate', 'certain', 'casseroles', 'campbell',
'onion', 'soup', 'stores', 'stocking', 'drove', 'areas', 'fetch', 'yummy', 'vegetable',
'onion', 'soup', 'stores', 'stocking', 'drove', 'areas', 'fetch', 'yummy', 'vegetable',
'directly', 'happen', 'doubt', 'fits', 'joy', 'quantities', 'weather', 'south', 'pacific',
'discovered', 'wellness', 'acquired', 'investment', 'management', 'primarily', 'consisting',
'coal', 'chemical', 'corporations', 'personal', 'centered', 'conservation', 'environment',
'supporting', 'sustainable', 'industries', 'news', 'actively', 'avoid', 'dirty', 'therefore', 'fed
', 'results', 'year', 'passed', 'kitten', 'adult', 'vets', 'told', 'repeatedly', 'condition',
'various', 'arthritis', 'leg', 'issues', 'urinary', 'tract', 'infections', 'live', 'lots',
'lived', 'age', 'pancake', 'mixes', 'working', 'homework', 'managed', 'answer', 'neglected',
'emails', 'miles', 'awake', 'zone', 'terms', 'nasty', 'sucralose', 'aftertaste', 'sour', 'berry',
'convinced', 'hyped', 'tonight', 'tired', 'pencil', 'fall', 'mere', 'furthermore', 'usual', 'effec
ts', 'pills', 'nausea', 'etc', 'dress', 'notice', 'together', 'thoughts', 'apologize', 'sense', 'b
unch', 'mistakes', 'floating', 'safe', 'secure', 'junkie', 'ingesting', 'kill', 'built',
'necessary', 'activities', 'done', 'orleans', 'trip', 'supermarkets', 'carry', 'numbers',
'obtained', 'expensively', 'robust', 'sprinkle', 'real', 'popular', 'labels', 'rounded',
'terrific', 'darker', 'brew', 'restaurant', 'shorter', 'setting', 'darkness', 'sam', 'club',
'bread', 'policy', 'beans', 'returns', 'terrible', 'weak', 'sounded', 'espresso', 'near',
'someone', 'automatic', 'drip', 'switch', 'carbonation', 'nice', 'importantly', 'mixer', 'vodka',
'nowhere', 'see', 'except', 'lists', 'grains', 'amaranth', 'neither', 'contaminated',
'processing', 'checked', 'lo', 'behold', 'unless', 'missing', 'yes', 'granola', 'cereal',
'clusters', 'dust', 'chunks', 'pocket', 'funny', 'higher', 'walmart', 'bear', 'naked',
'knowledge', 'whereas', 'oat', 'flax', 'seeds', 'glycerin', 'nut', 'apparently', 'raisins',
'cranberries', 'associated', 'soap', 'explosive', 'um', 'cheap', 'reasons', 'understand',
'chance', 'bone', 'doberman', 'durability', 'tends', 'tear', 'dent', 'lean', 'least', 'sugary', 'a
gree', 'flour', 'crisp', 'crackers', 'stiff', 'flatbread', 'olive', 'pay', 'thank', 'sorry', 'bran
ston', 'pickle', 'proportion', 'blander', 'reviewed', 'crosse', 'blackwell', 'original', 'imo', 'h
einz', 'holland', 'odd', 'soupy', 'priced', 'crunch', 'drips', 'skin', 'berries', 'week',
'containers', 'unbeatable', 'germany', 'costly', 'wood', 'cabinet', 'groats', 'grain', 'daily', 'b
asis', 'tastier', 'rolled', 'processed', 'river', 'sell', 'materials', 'page', 'stick', 'cold', 'p
atient', 'given', 'colds', 'website', 'array', 'offer', 'sells', 'triple', 'echinacea', 'googled',
'websites', 'subscribed', 'auto', 'delivery', 'morning', 'bed', 'supports', 'immune', 'system', 'w
arms', 'drinker', 'soothing', 'prompt', 'service', 'sodium', 'amy', 'lentil', 'sign', 'benefit', '
securely', 'anticipated', 'reccomend', 'sophie', 'dog', 'trainer', 'seemed', 'ups', 'tracking', 'e
mailed', 'petfood', 'marketplace', 'explained', 'wished', 'holidays', 'email', 'error', 'process',
'corrected', 'credited', 'card', 'arrives', 'level', 'customer', 'susan', 'team', 'leader', 'mean'
, 'send', 'ship', 'sause', 'customers', 'meat', 'marinated', 'mad', 'hope', 'dose', 'gf',
'cereals', 'mueslis', 'nor', 'cardboard', 'bricks', 'sticky', 'front', 'computer', 'car', 'saver',
'celiac', 'ignored', 'negative', 'hooked', 'successfully', 'incorporated', 'plan', 'alleviate', 'h
unger', 'pangs', 'meals', 'pf', 'changs', 'waiter', 'discovering', 'legs', 'disc', 'veterinary', '
specialist', 'closely', 'examined', 'inflammation', 'triggers', 'causes', 'number', 'physical', 'p
roblems', 'canines', 'duck', 'okay', 'hips', 'glucosamine', 'animals', 'joints', 'arthritic',
'invest', 'sort', 'mix', 'january', 'previous', 'unavailable', 'steeping', 'marvelous', 'lingers',
'delightfully', 'waking', 'effectively', 'nylon', 'superior', 'leaf', 'likely', 'multiple', 'sourc
e', 'staying', 'confection', 'aware', 'labeled', 'mash', 'entire', 'nutty', 'nougat', 'exists', 'p
retzel', 'packages', 'salty', 'pretzels', 'satisfy', 'cravings', 'nutricious', 'follow',
'reduction', 'quantity', 'discount', 'pricing', 'bonus', 'jerky', 'afraid', 'break', 'praises', 'm
anuka', 'earl', 'grey', 'color', 'bergamot', 'pronounced', 'overall', 'mild', 'hormel', 'chili', '
bland', 'truly', 'recieved', 'bummer', 'postage', 'famous', 'mayan', 'retailer', 'complaint', 'del
iver', 'ounces', 'tully', 'prepares', 'tops', 'flattened', 'arrive', 'via', 'runts', 'sold', 'sitt
ing', 'shelf', 'place', 'east', 'coast', 'fresher', 'following', 'recommendation', 'varieties', 's
pot', 'wind', 'secret', 'dogs', 'open', 'sit', 'lick', 'deer', 'wont', 'pectin', 'virtually',
'success', 'jam', 'runny', 'require', 'job', 'sweeten', 'raspberry', 'set', 'seasons', 'canning',
'social', 'conscience', 'pods', 'making', 'pale', 'packaging', 'entertaining', 'marley', 'family',
'origin', 'lovely', 'lasts', 'gift', 'party', 'delivered', 'manner', 'attending', 'parents', 'pets
mart', 'costs', 'commenter', 'mentioned', 'chronic', 'stools', 'trick', 'incredibly', 'silky', 'co
ats', 'healthier', 'teeth', 'shed', 'purina', 'divine', 'pull', 'prank', 'fizz', 'pranks', 'heat',
'container', 'uploaded', 'image', 'comparison', 'filter', 'exposed', 'opposed', 'fully', 'seal', '
clip', 'airtight', 'tupperware', 'prevent', 'freshness', 'alternative', 'brewer', 'count',
'boxes', 'unmarked', 'colorful', 'retail', 'clear', 'heavy', 'duty', 'esp', 'amateur',
'decorating', 'cakes', 'brings', 'fool', 'cupcake', 'icing', 'van', 'houtte', 'tsp', 'panic', 'con
cerned', 'ton', 'chips', 'remind', 'chip', 'freezer', 'summer', 'thawing', 'chocolatey', 'mess', '
white', 'aseptic', 'convenient', 'benefits', 'herbal', 'reorder', 'directed', 'changed', 'herb', '
caffeinated', 'saw', 'spoke', 'label', 'hardly', 'convince', 'tasteless', 'colors',
'preservatives', 'artifical', 'lipton', 'pyramid', 'shaped', 'mesh', 'poorly', 'flip', 'preserve',
'completely', 'mug', 'sized', 'beverages', 'nicer', 'refreshing', 'overpower', 'sealable',
'fairly', 'fade', 'smart', 'hits', 'links', 'bill', 'munching', 'begins', 'strawberries',
'lowfat', 'combined', 'heart', 'slice', 'kashi', 'choosing', 'event', 'folks', 'sweets', 'jasmine'
, 'carried', 'failed', 'explain', 'flavoring', 'discarded', 'olio', 'evoo', 'cant', 'chai',
'latte', 'fancy', 'tuna', 'considerably', 'average', 'supermarket', 'god', 'unmatched', 'beware',
'clearly', 'thailand', 'sadly', 'watered', 'shame', 'telling', 'lies', 'provide', 'readily',
'consumers', 'fructose', 'possible', 'purchases', 'chopped', 'flat', 'photos', 'accurately',
'stems', 'grassy', 'earthy', 'sips', 'tazo', 'concocted', 'zen', 'starters', 'notes', 'include', '
exotic', 'verbena', 'spearmint', 'upon', 'sipping', 'invigorating', 'preference', 'habit',
'breaking', 'stressed', 'sip', 'beverage', 'discontinued', 'continue', 'baked', 'potatoes', 'mac',
'smokey', 'movie', 'theater', 'midwest', 'az', 'fussy', 'cherries', 'creative', 'ideas',
'desserts', 'household', 'forever', 'dont', 'bulk', 'entirely', 'com', 'sellers', 'palak',
'paneer', 'interest', 'cocktail', 'ii', 'boy', 'oberto', 'pepperoni', 'beach', 'ruined', 'pepper',
'desire', 'seconds', 'costco', 'carrying', 'couldnt', 'nearby', 'inventory', 'expiration',
'deserves', 'friends', 'dessert', 'maker', 'hassle', 'metal', 'charm', 'cumbersome',
'deserves', 'friends', 'dessert', 'maker', 'hassle', 'metal', 'charm', 'cumbersome',
'portability', 'mio', 'security', 'packets', 'cute', 'friendly', 'squirt', 'depends', 'kcups', 'gi
nger', 'gingerbread', 'reviewing', 'eggnog', 'overwhelming', 'shocker', 'golden', 'mistaken',
'change', 'distinguish', 'additives', 'replacements', 'congealed', 'woefully', 'overpriced', 'co',
'somebody', 'bake', 'elsewhere', 'giveaway', 'donut', 'keruig', 'somersaults', 'addictive',
'warned', 'sweetened', 'candida', 'unsweetened', 'spectrum', 'expectation', 'lindt',
'ghirardelli', 'dying', 'caution', 'digest', 'gas', 'happening', 'squares', 'tissue', 'paper', 'lu
cienne', 'richer', 'smoother', 'melts', 'comparatively', 'waxy', 'hit', 'peanuts', 'yikes', 'grate
ful', 'responsible', 'children', 'daughters', 'quote', 'worried', 'burnt', 'bananas', 'picky', 'ba
nana', 'krispies', 'tlc', 'cascadian', 'kellogg', 'values', 'six', 'comparing', 'prices',
'simple', 'awful', 'squeeze', 'concentrated', 'glass', 'enjoyment', 'overpowered', 'writing', 'wor
se', 'lips', 'tingle', 'rinse', 'perplexed', 'speak', 'straight', 'vitamins', 'enhancer', 'men', '
dandruff', 'shampoo', 'stripped', 'shiney', 'cleaning', 'shakes', 'smoothies', 'promptly',
'photo', 'accurate', 'correct', 'oldest', 'boil', 'broccoli', 'cauliflower', 'thursday', 'man', 'f
ather', 'law', 'excited', 'orijen', 'formula', 'yay', 'happier', 'boxer', 'cooper', 'thrives', 'co
at', 'shiny', 'glossy', 'eyes', 'park', 'spring', 'muscle', 'talking', 'comments', 'skinny', 'proo
f', 'pudding', 'bones', 'overweight', 'athlete', 'kibbles', 'grizzly', 'salmon', 'lives',
'mounds', 'kid', 'utilize', 'ways', 'general', 'soaked', 'prior', 'yield', 'eight', 'faster', 'ord
inary', 'pinto', 'replace', 'latin', 'nachos', 'washings', 'inches', 'drain', 'reduce', 'simmer',
'tender', 'potassium', 'folic', 'acid', 'iron', 'carbohydrates', 'flatulence', 'percent',
'complex', 'digestive', 'creations', 'pouches', 'pantry', 'beets', 'kiwi', 'pear', 'individually',
'tumeric', 'powders', 'florida', 'placed', 'attempt', 'lends', 'quoted', 'business', 'onto',
'track', 'delayed', 'notification', 'spices', 'essential', 'guar', 'thai', 'cocktails', 'indian',
'cow', 'separating', 'opening', 'badly', 'separates', 'frequently', 'keeping', 'carton',
'tripled', 'run', 'sheets', 'dorm', 'living', 'facilities', 'weekend', 'lugging', 'arm', 'girls',
'boys', 'square', 'zipper', 'directions', 'slide', 'yeah', 'ended', 'giant', 'stuck', 'strips', 'c
olored', 'mylar', 'hanging', 'nails', 'chore', 'krispie', 'cut', 'kept', 'faint', 'smelled', 'lift
ed', 'puffs', 'firmer', 'melted', 'margarine', 'rush', 'prominently', 'recognize', 'attribute', 'f
orth', 'college', 'fair', 'expecting', 'bills', 'wrap', 'buttered', 'worlds', 'seen', 'settling',
'stomach', 'reflux', 'feeding', 'minor', 'constipation', 'formulas', 'packet', 'probiotics',
'dha', 'dollar', 'outside', 'cent', 'jackson', 'wafers', 'licorice', 'harder', 'surprise',
'strict', 'allowed', 'carbs', 'cheating', 'chihuahua', 'excitement', 'knows', 'plato', 'trade', 'c
osting', 'cents', 'breville', 'hugger', 'jet', 'fuel', 'call', 'paul', 'newman', 'bold',
'workout', 'cool', 'bottled', 'distinctive', 'sharp', 'filtered', 'dispenser', 'fridge',
'maxwell', 'international', 'october', 'pumpkin', 'disolves', 'lumps', 'mixing', 'foamy',
'professional', 'satisfying', 'suggests', 'direction', 'kick', 'xylitol', 'bacteria', 'thrive', 'c
avities', 'chews', 'cones', 'broken', 'occasion', 'hydrogenated', 'saturated', 'jars', 'kinda', 'r
efrigerated', 'stirred', 'chunky', 'skimp', 'barney', 'lifestyle', 'pleasantly', 'surprised',
'extraordinarily', 'pigs', 'included', 'christmas', 'recipient', 'alone', 'admission', 'young', 'k
idney', 'infection', 'phosphorus', 'bff', 'deceived', 'nearest', 'complain', 'nourished',
'hunting', 'aged', 'gouda', 'sources', 'cheeses', 'smells', 'fans', 'tyler', 'florence',
'risotto', 'prefers', 'whilst', 'remain', 'hell', 'splendid', 'wowed', 'groups', 'sprang',
'reasonably', 'carnaroli', 'rivals', 'kilo', 'yields', 'equal', 'multi', 'pak', 'sunday',
'brunch', 'evening', 'relax', 'dumb', 'saying', 'title', 'dollars', 'marked', 'station', 'dryer',
'worms', 'generous', 'literally', 'silly', 'pretend', 'discounted', 'pike', 'sumatra',
'satisfyingly', 'post', 'twists', 'fit', 'iced', 'act', 'brother', 'birthday', 'raised', 'talked',
'cigarettes', 'favorites', 'heads', 'jaw', 'breakers', 'pop', 'rocks', 'mike', 'ikes', 'charge', '
extreme', 'response', 'hardened', 'sawdust', 'garbage', 'stated', 'dirt', 'scam', 'crummy',
'pour', 'boiling', 'fire', 'forced', 'ly', 'dissatisfied', 'heck', 'search', 'machines',
'returnable', 'stronger', 'kroger', 'wal', 'mart', 'kibble', 'doggie', 'mush', 'shih', 'tzus', 'si
ck', 'periodically', 'diagnosed', 'strawberry', 'granted', 'doctor', 'pre', 'muffins', 'doctored',
'excuse', 'orange', 'yogurt', 'moisture', 'dash', 'seed', 'meal', 'blueberries', 'goal',
'blueberry', 'paste', 'spit', 'nutritious', 'dozen', 'drained', 'snails', 'rinsed', 'ready', 'slim
e', 'nabisco', 'swiss', 'interested', 'cheez', 'pleasant', 'u', 'samples', 'nectresse',
'afternoon', 'cramps', 'heed', 'r', 'gonna', 'german', 'door', 'neighbor', 'loaf', 'accustomed', '
outstanding', 'manufacturer', 'kinds', 'breads', 'stayed', 'zing', 'miracles', 'upset',
'heartburn', 'indigestion', 'barley', 'edible', 'batch', 'crunching', 'cube', 'raved', 'listing',
'competing', 'lower', 'evaporated', 'cane', 'regarding', 'voluntarily', 'government', 'requires',
'manufacturers', 'largest', 'content', 'cancel', 'disclaimer', 'vine', 'marketing', 'background',
'ideal', 'sodas', 'sugars', 'quench', 'thirst', 'gripe', 'comparable', 'variants', 'watermelon', '
welch', 'soda', 'form', 'essentially', 'blame', 'grated', 'sliced', 'cornbread', 'internal', 'stor
age', 'inconvenient', 'balsamic', 'vinegar', 'hotel', 'paris', 'italy', 'hunted', 'avail', 'syrupy
', 'extraordinary', 'penny', 'typical', 'cleansing', 'abilities', 'extremely', 'hazelnut', 'late',
'afternoons', 'sweetner', 'greek', 'sampler', 'spend', 'commercially', 'genmaicha',
'yamamotoyama', 'complements', 'surpassed', 'specialty', 'dot', 'japanese', 'blender', 'crushed',
'smoothie', 'fish', 'fuss', 'encountered', 'mexican', 'among', 'condiments', 'table', 'logo',
'foreign', 'sounding', 'curiosity', 'sake', 'vinegary', 'sourness', 'texas', 'pete', 'frank', 'pep
pery', 'finals', 'fluoride', 'brain', 'gland', 'intelligence', 'suspect', 'yuck', 'domestic', 'ame
rican', 'whim', 'messing', 'preparation', 'moved', 'maryland', 'nw', 'washington', 'pho',
'everywhere', 'cloves', 'anise', 'basil', 'cleanup', 'authentic', 'substance', 'minority',
'loving', 'smoothness', 'tim', 'horton', 'visiting', 'peet', 'leaving', 'overjoyed', 'discover', '
tennessee', 'heaping', 'tablespoon', 'dunkin', 'donuts', 'boston', 'weaker', 'currently',
'visited', 'naples', 'signed', 'notified', 'becomes', 'chewing', 'relatively', 'potato',
'proclaim', 'cheesy', 'gorgonzola', 'pairing', 'complementary', 'handful', 'juicy', 'ripe',
'pair', 'red', 'oven', 'parent', 'country', 'pitbull', 'heeler', 'pit', 'moving', 'finicky',
'stealing', 'healthiest', 'brazilian', 'blended', 'zico', 'creamier', 'appearance', 'mistake',
'beside', 'cocoa', 'surprising', 'harmony', 'core', 'hydrating', 'lift', 'waters', 'twenty',
'lasting', 'brownies', 'dime', 'dense', 'chocolaty', 'moist', 'lines', 'grainy', 'rubbery', 'steep
'lasting', 'brownies', 'dime', 'dense', 'chocolaty', 'moist', 'lines', 'grainy', 'rubbery', 'steep
', 'relay', 'allergic', 'reaction', 'rely', 'honestly', 'answering', 'concerns', 'enjoys', 'hill',
'estates', 'cappuccino', 'mg', 'canned', 'denmark', 'cleans', 'protects', 'companion', 'scalp', 'b
eauty', 'total', 'nourishing', 'fluid', 'latest', 'edgy', 'asked', 'charities', 'slices',
'kidding', 'paycheck', 'surely', 'boosts', 'advised', 'distance', 'nature', 'path', 'consider', 'a
lternate', 'sweeteners', 'agave', 'jazzed', 'bpa', 'manufactured', 'vacuum', 'lining',
'disappointing', 'yr', 'breaker', 'entertain', 'portion', 'germs', 'spreading', 'siblings',
'everyday', 'jalepeno', 'city', 'pricier', 'shakers', 'users', 'irish', 'creamer', 'smile',
'creamers', 'endure', 'knocks', 'bumps', 'transporting', 'canceled', 'hopes', 'hubby',
'vegetarian', 'cooks', 'tomato', 'season', 'stumbled', 'accident', 'ive', 'sams', 'bounds', 'roast
s', 'charges', 'solid', 'flaked', 'letter', 'cento', 'splenda', 'arguably', 'beautifully',
'antioxidants', 'mountain', 'origins', 'uh', 'habanero', 'elixir', 'instant', 'smack', 'factor', '
bearable', 'marys', 'burgers', 'vienna', 'sausages', 'improved', 'guys', 'hills', 'north', 'caroli
na', 'york', 'ai', 'define', 'youth', 'mcdonalds', 'character', 'mcdonald', 'land', 'animal', 'she
lves', 'holders', 'marble', 'ect', 'hold', 'walnut', 'choc', 'truffle', 'kisses', 'kiss',
'crunched', 'omg', 'whoever', 'creates', 'ps', 'lazy', 'expert', 'desired', 'menthol', 'enhances',
'claim', 'oregon', 'calling', 'finest', 'effort', 'ramen', 'noodles', 'brilliant', 'stuffers', 'wo
und', 'spiciest', 'taco', 'bell', 'jalapeno', 'mayo', 'obvious', 'hamburger', 'topping',
'sandwich', 'steak', 'leftover', 'skins', 'noticeable', 'bob', 'mill', 'sprouting', 'brief', 'debr
is', 'length', 'minsi', 'talk', 'confusing', 'somewhat', 'calcium', 'example', 'alter', 'eco', 'ru
by', 'shows', 'inconsistency', 'tbsp', 'usda', 'dissolve', 'brine', 'olives', 'cloudy',
'subscriptions', 'exception', 'demand', 'senseo', 'hurry', 'cracker', 'space', 'doritos',
'guacamole', 'seasoning', 'appetite', 'hmm', 'childhood', 'marathon', 'curly', 'braided',
'smothered', 'autism', 'sensory', 'chalky', 'caught', 'shape', 'frig', 'weekly', 'nirvana',
'wakes', 'timely', 'traps', 'luck', 'designed', 'moles', 'gophers', 'wide', 'holes', 'refill', 'ad
dicting', 'nerds', 'short', 'mozzarella', 'pickling', 'branch', 'learned', 'interesting', 'cheat',
'intolerances', 'namaste', 'godsend', 'stir', 'lab', 'female', 'kernels', 'wagging', 'praise',
'reacts', 'dips', 'pricy', 'reordering', 'michigan', 'july', 'saving', 'inviting', 'potential', 's
pills', 'olds', 'adults', 'welcome', 'casserole', 'avoiding', 'farmers', 'slowly', 'addicted', 'ac
idity', 'pleases', 'harshness', 'wil', 'britt', 'spicier', 'nuttier', 'drinkable', 'pleasurable',
'honeymoon', 'costa', 'rica', 'drunk', 'dd', 'thermos', 'brim', 'saves', 'fewer', 'lover', 'promis
e', 'receiving', 'wally', 'bright', 'mysterious', 'wholesome', 'gmo', 'rid', 'vacation', 'ca', 'el
ectrolyte', 'solutions', 'vitalyte', 'hydrated', 'electrolytes', 'mildly', 'rides', 'summary', 'mo
deration', 'imported', 'india', 'overtly', 'shops', 'refillable', 'baskets', 'dye', 'died',
'crap', 'returning', 'methods', 'steaming', 'pressure', 'traditional', 'makers', 'caribbean', 'pro
mpted', 'math', 'decide', 'coffeemakers', 'reliable', 'aisle', 'sriracha', 'stuffed', 'sirloin', '
lady', 'condiment', 'cap', 'evidently', 'bites', 'barbeque', 'scene', 'suffice', 'stains',
'shirts', 'abused', 'drown', 'tray', 'kool', 'aid', 'purveyors', 'memory', 'armed', 'catsup', 'dul
l', 'taught', 'bouncing', 'dreams', 'moments', 'knock', 'sections', 'wasabi', 'bang', 'laughed', '
boutique', 'blech', 'cracked', 'aisles', 'showed', 'woke', 'scandinavian', 'cuisine', 'later', 'fa
cts', 'judge', 'orders', 'tablets', 'lemons', 'limes', 'sheer', 'amazement', 'beer', 'changing', '
popchips', 'delightful', 'greasy', 'gathering', 'zucchini', 'hike', 'lucky', 'scratches',
'crushing', 'watch', 'intake', 'town', 'tastey', 'bark', 'selling', 'pass', 'apricots', 'tart', 'd
iabetics', 'libby', 'safeway', 'custard', 'supplies', 'advertisement', 'needless', 'dismay', 'hear
tbroken', 'google', 'jello', 'account', 'excelent', 'frequent', 'additional', 'buried',
'fabulous', 'curry', 'traditionally', 'mushroom', 'drop', 'stew', 'wooden', 'spoon', 'steam', 'med
ium', 'finely', 'plate', 'mmmmmm', 'buyers', 'states', 'counts', 'propylene', 'glycol', 'alcohol',
'dextrose', 'arabic', 'xanthan', 'starch', 'citric', 'tannic', 'malic', 'ascorbic', 'sorbate', 'co
mposed', 'occuring', 'synthetic', 'compounds', 'odor', 'clumping', 'litter', 'carries', 'kitties',
'target', 'betty', 'crocker', 'mason', 'xmas', 'sisters', 'shocked', 'delectable', 'rave',
'reads', 'translates', 'spoil', 'sprinkles', 'goods', 'bout', 'hmmmm', 'hey', 'smoked', 'ham', 'to
ssed', 'culinary', 'skills', 'required', 'delivers', 'accompanying', 'violet', 'creams',
'mineral', 'yoghurt', 'monin', 'pod', 'concern', 'storing', 'ekobrew', 'sites', 'weaver',
'bitterness', 'relatives', 'weavers', 'appears', 'charging', 'approved', 'disintegrates', 'paws',
'leather', 'reach', 'tj', 'patiently', 'awaiting', 'apples', 'damn', 'decaf', 'cafe',
'excellence', 'question', 'representative', 'illegal', 'fee', 'coca', 'common', 'ecuador', 'cure',
'altitude', 'sickness', 'wrapper', 'backyard', 'peru', 'frustrating', 'northern', 'mountains', 'me
xico', 'dissappointed', 'supplier', 'john', 'specify', 'imagined', 'microwave', 'rinds', 'guilty',
'pleasures', 'popped', 'puffed', 'orville', 'bagged', 'puff', 'frying', 'dare', 'pleasure',
'community', 'maynard', 'plenty', 'sweetleaf', 'gentle', 'military', 'commissary', 'asks', 'nori',
'sushi', 'refrigerator', 'winter', 'summers', 'lawn', 'deceptive', 'chicory', 'pink', 'diamond',
'hawaiian', 'sea', 'baker', 'clay', 'grilled', 'folgers', 'pots', 'outcome', 'eye', 'feet',
'aging', 'smoothly', 'range', 'stash', 'temperature', 'degrees', 'boring', 'gunpowder',
'worrying', 'earlier', 'swirling', 'truvia', 'desert', 'understanding', 'internet', 'tag',
'sales', 'vita', 'coco', 'leaked', 'peal', 'seals', 'address', 'faulty', 'thus', 'strange',
'leaks', 'raising', 'tampering', 'safety', 'assured', 'taken', 'resolved', 'cheesecake',
'hankering', 'manage', 'ruin', 'term', 'wraps', 'burritos', 'dinners', 'oregano', 'room',
'selection', 'staff', 'reordered', 'appointment', 'hospital', 'circuit', 'explaining', 'topic', 'a
nti', 'oxidant', 'belly', 'tall', 'weighed', 'lbs', 'surgery', 'consumed', 'string', 'tab',
'cubes', 'produces', 'national', 'chain', 'tons', 'affordable', 'emerald', 'lately', 'offered', 't
ransparent', 'pkg', 'tomorrow', 'smokehouse', 'series', 'smoky', 'buds', 'constantly', 'hdl', 'cho
lesterol', 'risen', 'partly', 'luscious', 'dr', 'aspartame', 'dangers', 'mr', 'waaaay', 'overs', '
dean', 'flours', 'counter', 'pearls', 'maine', 'coon', 'stepping', 'sucks', 'virgin', 'pan', 'alum
inum', 'versus', 'cooled', 'firmness', 'attempts', 'must', 'edges', 'sencha', 'palatable',
'valuable', 'lesson', 'grown', 'elderly', 'grandmother', 'bbq', 'hormone', 'tested', 'realizing',
'balance', 'favourites', 'cycles', 'increase', 'herbs', 'proven', 'relieve', 'pms', 'symptoms', 'h
ormones', 'sauerkraut', 'goulash', 'glazed', 'fries', 'hotdog', 'altoids', 'tempting',
'liquorice', 'stain', 'follows', 'pcs', 'gelatin', 'blast', 'candies', 'shared', 'suits',
'liquorice', 'stain', 'follows', 'pcs', 'gelatin', 'blast', 'candies', 'shared', 'suits',
'contributes', 'born', 'warehouse', 'wolfgang', 'puck', 'rodeo', 'drive', 'exceptional', 'bolder',
'unit', 'peeled', 'deals', 'arise', 'tin', 'growing', 'saltines', 'ritz', 'ac', 'temp', 'fuller',
'kit', 'begin', 'harvest', 'horrible', 'biggest', 'skeptic', 'toniq', 'wholefoods', 'joke',
'clearer', 'positive', 'pm', 'headed', 'mood', 'meetings', 'forgot', 'commented', 'kicked',
'sharpness', 'thinks', 'ploy', 'permission', 'inquire', 'ha', 'ray', 'ranch', 'colorado',
'malted', 'horlick', 'remembered', 'dissolves', 'whisking', 'malts', 'favors', 'deliciously', 'cro
wd', 'gfcf', 'aregular', 'rescue', 'sickly', 'perked', 'nutro', 'max', 'exhausted', 'fear', 'empha
sis', 'test', 'constant', 'memories', 'definately', 'licious', 'liquids', 'tad', 'n',
'substitutes', 'envelopes', 'los', 'angeles', 'route', 'reluctantly', 'boxed', 'barefoot', 'sad',
'oily', 'regularly', 'whirley', 'stovetop', 'popper', 'wabash', 'valley', 'gourmet', 'helping', 'p
rep', 'details', 'mist', 'spray', 'amish', 'spout', 'flow', 'neck', 'slower', 'tins', 'feature', '
compact', 'handle', 'mole', 'yard', 'sub', 'development', 'pets', 'wanting', 'toxic', 'chemicals',
'lethal', 'force', 'applied', 'perimeter', 'property', 'activity', 'seeing', 'hose', 'mins', 'remo
ve', 'future', 'infestation', 'respond', 'fillets', 'squirted', 'provided', 'ad', 'dehydrated', 'r
efreshingly', 'human', 'gifts', 'lovers', 'temptations', 'medley', 'temptation', 'rules',
'servings', 'accordingly', 'outdated', 'import', 'woman', 'promised', 'fill', 'vs', 'grove', 'reco
mend', 'diabetes', 'raise', 'blood', 'decrease', 'frequency', 'pulled', 'ribs', 'molasses', 'raisi
n', 'influenster', 'hesitant', 'warmth', 'offers', 'dozens', 'feast', 'categories', 'e', 'pet', 'v
ary', 'incl', 'tax', 'elegant', 'line', 'upper', 'assure', 'camper', 'discontinue', 'frustration',
'informed', 'alert', 'notify', 'sooner', 'brainer', 'extract', 'reassuring', 'absorb',
'maintains', 'intended', 'trust', 'rigid', 'standards', 'ensure', 'purity', 'overriding',
'occasional', 'impression', 'sucking', 'pamela', 'tale', 'gritty', 'pancakes', 'muffin',
'savings', 'equally', 'unsatisfied', 'struggle', 'greenies', 'medication', 'access', 'tire',
'cannister', 'dining', 'training', 'enthusiast', 'zuke', 'naturals', 'baggie', 'reminds',
'transaction', 'refund', 'douwe', 'egberts', 'mornings', 'cancelled', 'places', 'advertise',
'sunshine', 'baron', 'west', 'tropics', 'hairballs', 'nervous', 'thru', 'wrapping', 'sticker',
'holding', 'shipper', 'lane', 'decadent', 'squirrel', 'hiding', 'anticipation', 'sometime',
'horror', 'beloved', 'dreadful', 'seeded', 'honor', 'jell', 'tribute', 'distant', 'cloth',
'fooled', 'shall', 'pockets', 'bunny', 'dyed', 'flavorless', 'crumbly', 'behalf', 'modify',
'versatility', 'yep', 'jelly', 'bet', 'yeast', 'buns', 'thicker', 'perhaps', 'indicating',
'solved', 'admitted', 'flakes', 'h', 'function', 'kernel', 'quinn', 'sucker', 'roasters', 'wonderi
ng', 'peaberry', 'slightest', 'characteristics', 'notices', 'covering', 'whitish', 'emulsifiers',
'improper', 'contact', 'statement', 'shopped', 'leary', 'shrimp', 'eatting', 'taylors',
'harrogate', 'scottish', 'fry', 'asian', 'flavacol', 'minimum', 'toppings', 'majorly', 'gallon', '
cabinets', 'thins', 'smashed', 'bears', 'tended', 'excessively', 'fig', 'newtons', 'protect', 'ima
ges', 'ought', 'flimsy', 'trays', 'mediocre', 'poor', 'fairness', 'broke', 'suffer', 'transit', 'm
elon', 'lime', 'amazingly', 'suggest', 'quart', 'jug', 'consume', 'humane', 'grounds',
'manufactures', 'aromat', 'yellow', 'virginia', 'missed', 'breast', 'relied', 'ages', 'stockpile',
'vietnamese', 'condensed', 'mustard', 'hello', 'suggestions', 'self', 'spent', 'outrageous',
'stevias', 'powdered', 'sweetening', 'sandwiches', 'school', 'risking', 'mayonnaise', 'reaching',
'tapatio', 'slow', 'cooker', 'upcoming', 'pekoe', 'cuppa', 'warmed', 'gummi', 'lifesaver', 'shade'
, 'seattle', 'sneaky', 'spoonful', 'california', 'blossom', 'gods', 'feelings', 'cacao', 'nibs', '
subscribing', 'jim', 'www', 'testing', 'actualy', 'points', 'cheerios', 'sport', 'mallomars', 'amo
res', 'ratio', 'elderberry', 'measure', 'bakers', 'toaster', 'introduced', 'prima', 'singapore', '
gray', 'goose', 'bday', 'reminded', 'stone', 'impress', 'chef', 'rub', 'marinate', 'steaks', 'caus
ing', 'useless', 'cr', 'p', 'avoided', 'mother', 'fault', 'sardines', 'harbor', 'clouds',
'horizon', 'whiff', 'smoke', 'sustainably', 'farmed', 'veri', 'peri', 'versatile', 'pizza', 'marin
ade', 'meats', 'street', 'shady', 'parts', 'thankfully', 'legal', 'stimulant', 'dealer',
'radical', 'habits', 'revelation', 'drowned', 'disgusting', 'coworkers', 'snaps', 'gras',
'restaurants', 'compares', 'desperate', 'tabby', 'throwing', 'maintenance', 'train', 'command', 'h
airball', 'delay', 'avoderm', 'alive', 'thrived', 'introducing', 'rocky', 'disappeared', 'petco',
'contents', 'attention', 'volume', 'lifetime', 'heard', 'devine', 'meantime', 'crust', 'pk', 'rain
', 'forest', 'santa', 'scrumptious', 'associate', 'breakable', 'lifelong', 'gumbo', 'comfort', 'de
arly', 'creole', 'roux', 'spare', 'classic', 'reconstituted', 'spoiled', 'pasty', 'film', 'lacks',
'dental', 'visit', 'shu', 'meager', 'misunderstand', 'miserable', 'eater', 'entrees', 'entree', 'a
ccompany', 'utterly', 'misleading', 'reasonable', 'seperate', 'semblance', 'cider', 'regimen',
'fishy', 'muddy', 'suppliers', 'consumer', 'reports', 'stirring', 'celery', 'gram', 'tap',
'holder', 'foot', 'print', 'piled', 'uncertain', 'fab', 'warning', 'leading', 'tho', 'younger', 'c
ape', 'cod', 'massachusetts', 'camp', 'memorable', 'road', 'eyed', 'literal', 'purple',
'register', 'marshmellows', 'campfire', 'resturants', 'lobster', 'saltwater', 'met', 'andrew',
'jumbo', 'striking', 'conversation', 'empty', 'hang', 'exchange', 'stories', 'shoot', 'breeze', 'u
sualy', 'teen', 'bravo', 'wonka', 'caveat', 'stored', 'das', 'technique', 'brownie', 'cafes', 'eli
minates', 'newly', 'stocked', 'mo', 'considered', 'snacking', 'teething', 'wee', 'greedy',
'spits', 'soggy', 'bros', 'occupied', 'trips', 'compromise', 'micro', 'ability', 'cling', 'exist',
'tartar', 'verified', 'additive', 'contacting', 'ill', 'suffered', 'bowels', 'vomitting',
'consuming', 'agreed', 'tool', 'buys', 'increasing', 'pina', 'colada', 'drops', 'caviar',
'inedible', 'purpose', 'vinaigrette', 'mashed', 'spaghetti', 'imagination', 'rights', 'reserved',
'spending', 'similiar', 'pea', 'siberian', 'huskies', 'sizes', 'america', 'gosh', 'waffle',
'waffles', 'ese', 'tamp', 'intentionally', 'competitor', 'biz', 'cell', 'contract', 'tweak', 'loos
ely', 'pug', 'terrier', 'visits', 'exams', 'shinny', 'practice', 'brushing', 'remained', 'joes', '
procedure', 'tricky', 'stopping', 'explode', 'bloom', 'intervals', 'listening', 'sound', 'expand',
'reached', 'optimal', 'picking', 'jury', 'restraint', 'occassion', 'endorse', 'resemble', 'fatty',
'acids', 'epa', 'crown', 'prince', 'sage', 'key', 'story', 'infused', 'lavender', 'puts',
'relaxed', 'overdone', 'relaxation', 'correctly', 'kola', 'myrtle', 'teaspoon', 'senior',
'brownish', 'edge', 'conclude', 'afford', 'qualm', 'contained', 'ethoxyquin', 'sack', 'reeses', 'b
lown', 'underwhelmed', 'flavour', 'decaff', 'seasoned', 'keebler', 'murray', 'craving', 'pad',
'separate', 'stunned', 'lid', 'greyhound', 'greenie', 'rare', 'acting', 'moment', 'tears',
'bulldog', 'chasing', 'weirdest', 'tangerine', 'fennel', 'goji', 'fragrant', 'flavourful',
'cardamom', 'miniature', 'jumping', 'unwrapping', 'info', 'beneful', 'endorsed', 'veterinarian',
'pedigree', 'names', 'chocked', 'ongoing', 'hopefully', 'dear', 'ketchup', 'widely', 'spendy',
'proposition', 'adjust', 'minimize', 'drawing', 'wholeheartedly', 'desires', 'fajitas', 'wore',
'fajita', 'plant', 'anxious', 'unwrap', 'stress', 'bugs', 'everybody', 'casein', 'join',
'tinkyada', 'sausage', 'asking', 'noodle', 'figs', 'upfront', 'torrone', 'enjoying', 'definite', '
appreciated', 'savor', 'boiled', 'properly', 'alright', 'die', 'pies', 'tolerate', 'vaguely', 'ser
ving', 'remarkable', 'chow', 'clicked', 'ears', 'walks', 'gained', 'coupon', 'atkins', 'partner',
'phase', 'potentially', 'altering', 'enhancing', 'steer', 'overload', 'rda', 'fl', 'hearty', 'sala
ds', 'retriever', 'birth', 'trained', 'neighborhood', 'rewards', 'specially', 'richest',
'aromatic', 'sneak', 'depend', 'history', 'folger', 'england', 'colony', 'shortly', 'arriving', 'p
eter', 'married', 'mary', 'brothers', 'gold', 'james', 'building', 'mills', 'stake', 'factory', 'j
', 'expanded', 'kansas', 'travels', 'suitcase', 'crystals', 'pureed', 'collard', 'greens',
'patch', 'hibiscus', 'davidson', 'lizano', 'provider', 'charged', 'fare', 'tripped', 'steel', 'dra
wback', 'al', 'dente', 'remainder', 'simmering', 'reheat', 'loosen', 'reheating', 'extras',
'tastiest', 'chewed', 'combining', 'bubblegum', 'increased', 'latter', 'consistantly', 'economy',
'mcvities', 'biscuits', 'accompaniment', 'meow', 'awhile', 'indoor', 'sweetners', 'cutting',
'kukicha', 'cools', 'paired', 'blending', 'hid', 'sharing', 'crack', 'ya', 'velvety', 'linger', 'm
sg', 'zip', 'lock', 'trend', 'cheddar', 'grabbed', 'campaign', 'throughout', 'bursts', 'keeper', '
unbroken', 'staple', 'timed', 'hear', 'bran', 'bins', 'carousel', 'fanatic', 'bent', 'refunded', '
donating', 'remaining', 'bank', 'cautious', 'dumping', 'pickled', 'pawn', 'boyfriend', 'refused',
'assume', 'regardless', 'blessing', 'chocoholic', 'pebbles', 'comb', 'wheats', 'con', 'inserting',
'dead', 'pool', 'medjool', 'bliss', 'continued', 'spots', 'vomiting', 'treated', 'lousy',
'massive', 'crappy', 'greece', 'confusion', 'frappe', 'aka', 'turkish', 'eg', 'rises', 'nescafe',
'classico', 'consisted', 'indicated', 'weigh', 'believed', 'certificate', 'attempted', 'answered',
'women', 'treatment', 'chemically', 'zoe', 'l', 'carnitine', 'exercise', 'capacity', 'active', 'qu
inoa', 'inspection', 'adhere', 'established', 'association', 'aafco', 'starter', 'euro', 'hrs', 'j
ams', 'preserves', 'unprepared', 'puree', 'mushy', 'unappetizing', 'luzianne', 'houston',
'consequently', 'alas', 'juices', 'barbara', 'bakery', 'preschool', 'classes', 'loaves',
'presents', 'interruption', 'chalk', 'fluffy', 'batter', 'owing', 'unnamed', 'pleasing',
'overbearing', 'increases', 'experimented', 'choosy', 'jemima', 'batches', 'optional',
'satisfies', 'sliver', 'matches', 'maria', 'duplicate', 'horse', 'lattes', 'hi', 'justice',
'lite', 'reducing', 'experienced', 'industrial', 'zesty', 'nc', 'popping', 'fails', 'handfuls', 'm
ate', 'puffy', 'itchy', 'ban', 'pb', 'amazed', 'huh', 'swallow', 'stray', 'smelly', 'elimination',
'controls', 'tolerable', 'twins', 'vending', 'shots', 'checkout', 'counters', 'desk', 'drawer', 'e
mergencies', 'tandoor', 'graduated', 'annie', 'reseal', 'fortunately', 'expired', 'blackberries',
'imply', 'flowers', 'rosehips', 'sunflower', 'hearing', 'beaver', 'glands', 'outright',
'includes', 'apt', 'possibly', 'possibility', 'verify', 'exaggerated', 'grossed', 'toy',
'puppies', 'durable', 'busy', 'adorable', 'rope', 'owned', 'pastas', 'dreamfields', 'compost', 'pi
le', 'cob', 'flower', 'gums', 'recent', 'rates', 'organ', 'failure', 'data', 'producers', 'ninja',
'technically', 'useful', 'hesitated', 'pain', 'glowing', 'steamed', 'carbonate', 'naturally',
'chihuahuas', 'debated', 'punctured', 'chosen', 'automatically', 'recurring', 'whip', 'sumac', 'du
mpling', 'absent', 'safely', 'glorious', 'sits', 'rainbow', 'sunlight', 'starts', 'racing',
'gummis', 'harden', 'crime', 'counting', 'approximately', 'speaking', 'wax', 'beeswax', 'dance', '
colman', 'commute', 'cranberry', 'imho', 'ran', 'op', 'gotta', 'behind', 'americans', 'bombilla',
'crop', 'yerba', 'wording', 'fundamentally', 'topical', 'filler', 'salmonella', 'recall', 'lamb',
'public', 'dealt', 'catering', 'prime', 'boo', 'insert', 'peppercorn', 'asparagus', 'cases', 'pref
erences', 'nutrients', 'shells', 'rices', 'wear', 'bib', 'mum', 'itching', 'residue',
'subjective', 'stating', 'sampling', 'critters', 'diaper', 'snag', 'dollop', 'biscuit',
'carefully', 'harris', 'teeter', 'manhattan', 'bodega', 'countless', 'empties', 'march',
'reliably', 'coatings', 'wad', 'board', 'attempting', 'rule', 'shredded', 'grahams', 'americano',
'pulling', 'measurements', 'hobby', 'complaining', 'challenging', 'youtube', 'breeds', 'kong', 'ma
ltese', 'breed', 'game', 'reward', 'walk', 'rewarding', 'pros', 'bottom', 'commands', 'graham', 'r
ising', 'unopened', 'yeasts', 'forms', 'girlfriend', 'darned', 'seitan', 'despite', 'vegans', 'pri
mal', 'flesh', 'ensures', 'bialetti', 'stainless', 'mochas', 'accomplish', 'nectar', 'substitue',
'sleepytime', 'lone', 'camomile', 'theo', 'pleasent', 'advantage', 'spiced', 'cobbler', 'curdled',
'watchers', 'studying', 'precisely', 'students', 'abroad', 'auntie', 'goddess', 'overseas',
'lucia', 'deliciousness', 'thousand', 'hunt', 'disappoint', 'clients', 'inspect', 'goodies',
'appreciation', 'closer', 'substituted', 'roca', 'basket', 'profit', 'substitutions', 'biscotti',
'seeking', 'expectations', 'fyi', 'serious', 'chewer', 'organics', 'milky', 'unusual', 'notable',
'detectable', 'tablet', 'accidentally', 'cross', 'flying', 'cabin', 'terrified', 'journey',
'humans', 'cayenne', 'thankyou', 'initially', 'dietary', 'wonders', 'refrigerate',
'refrigeration', 'cramping', 'nauseous', 'repeated', 'rancid', 'explanation', 'suddenly', 'wise',
'refrigerating', 'altogether', 'atlanta', 'supplementing', 'similac', 'advanced', 'gassy',
'feedings', 'affected', 'fussiness', 'pregnant', 'researched', 'beginning', 'inherited',
'lactose', 'isomil', 'resolve', 'bough', 'conventional', 'closest', 'record', 'brooklyn', 'caf', '
venture', 'bubbles', 'related', 'fermentation', 'defend', 'thirsty', 'freezing', 'customs',
'france', 'inn', 'remarkably', 'colas', 'mandarin', 'pulp', 'settled', 'calls', 'niche', 'adored',
'peel', 'rosemary', 'herbed', 'unaware', 'bath', 'lavendar', 'scented', 'potions', 'regard',
'beagle', 'infant', 'cerelac', 'decides', 'bunn', 'surprises', 'willing', 'shrink', 'scraping', 's
teal', 'plum', 'dunked', 'trees', 'thoroughly', 'foam', 'insulation', 'surrounding', 'impressive',
'cord', 'assumed', 'preserved', 'shower', 'dove', 'lotion', 'stockings', 'nj', 'speedy', 'adore',
'artichokes', 'thistle', 'weekdays', 'artichoke', 'bottoms', 'eggs', 'grill', 'saute',
'hollandaise', 'stuffing', 'southern', 'equals', 'clock', 'mass', 'handling', 'fingernails', 'shop
pers', 'expire', 'ish', 'clove', 'posting', 'jane', 'obsessed', 'branded', 'moon', 'melba',
'sesame', 'wedge', 'laughing', 'innocent', 'meant', 'poured', 'nap', 'foams', 'agreeable', 'combin
'sesame', 'wedge', 'laughing', 'innocent', 'meant', 'poured', 'nap', 'foams', 'agreeable', 'combin
ation', 'sports', 'remote', 'location', 'twinings', 'physically', 'hyperbole', 'tamales',
'mellow', 'favorably', 'ridiculously', 'scissors', 'varies', 'wildly', 'belong', 'punishment', 'sn
ob', 'harry', 'david', 'william', 'sonoma', 'step', 'attest', 'teacup', 'rapidly', 'complimented',
'favorable', 'efficient', 'bull', 'rockstar', 'lookout', 'viable', 'fusion', 'er', 'slump',
'breakdown', 'nutrient', 'profile', 'carbohydrate', 'oranges', 'peaches', 'niacinamide',
'prominent', 'role', 'evident', 'predominant', 'carrot', 'present', 'sustained', 'subsequent',
'alertness', 'plethora', 'octane', 'offering', 'darjeeling', 'bomb', 'burn', 'spasms', 'barista',
'roastery', 'kahlua', 'caribou', 'gloria', 'jean', 'escapes', 'bigelow', 'rings', 'hurt', 'dole',
'shopper', 'confess', 'ruins', 'swirled', 'hated', 'walmarts', 'june', 'strung', 'completed', 'who
lesale', 'member', 'lacking', 'chewier', 'kaviar', 'girl', 'zevia', 'hurray', 'caffine',
'combines', 'nuttiness', 'needing', 'cholula', 'indoors', 'climate', 'bulb', 'gro', 'humidity',
'sun', 'rillettes', 'grand', 'border', 'collie', 'buddy', 'licks', 'subdued', 'hickory',
'released', 'sprinkled', 'exciting', 'ultimately', 'balanced', 'classify', 'nevertheless',
'ayurvedic', 'referred', 'complained', 'ants', 'members', 'confuse', 'cucumber', 'accepted',
'distributor', 'employee', 'opt', 'sincerely', 'oriental', 'containing', 'ashes', 'dragonwell', 'k
orean', 'oops', 'suffering', 'activated', 'carbon', 'miso', 'western', 'assertive', 'fermented', '
practical', 'learning', 'inspired', 'subjected', 'corner', 'toothpaste', 'squish', 'fold',
'clothes', 'ohio', 'ale', 'miracle', 'beating', 'damage', 'lapsang', 'souchong', 'lightning',
'speed', 'absolutley', 'lemonade', 'powerfully', 'unappealing', 'nutmeg', 'filing', 'breakfasts',
'challenge', 'calculated', 'brick', 'reese', 'preparing', 'unexpected', 'hams', 'awfully',
'judgement', 'soul', 'chives', 'yams', 'savory', 'tabasco', 'rank', 'dedicated', 'presto',
'kettle', 'crock', 'rated', 'alike', 'rawhides', 'rawhide', 'pointed', 'unflavored', 'meijer', 'gi
nseng', 'passion', 'illness', 'production', 'plunge', 'breaks', 'nurse', 'goat', 'vital',
'hooves', 'scrub', 'suds', 'fading', 'blonde', 'pesto', 'prepackaged', 'nifty', 'parchment', 'wo',
'sheet', 'jamaica', 'conditions', 'lake', 'chicago', 'jewel', 'albertson', 'thomas', 'sourdough',
'whipped', 'salted', 'heaven', 'apollo', 'lunches', 'valentines', 'exquisite', 'design', 'teabag',
'granny', 'smith', 'zinger', 'neutralize', 'acidic', 'noire', 'uk', 'lightweight', 'alaska', 'spro
uts', 'ahmad', 'pray', 'warming', 'gerber', 'grocer', 'avoids', 'incredible', 'rhubarb', 'birds',
'canyon', 'creek', 'esque', 'stations', 'abomination', 'sleeve', 'windows', 'sickeningly', 'guaran
teed', 'snap', 'hangover', 'bagel', 'concoction', 'ruth', 'mmmmm', 'cares', 'splash', 'macaroon',
'glaze', 'drizzle', 'depth', 'drizzled', 'sauteed', 'presentation', 'maldon', 'foodie', 'ezekiel',
'kefir', 'pomegranite', 'moisten', 'ziplock', 'roasting', 'grinding', 'cumin', 'ghiradelli',
'holiday', 'capresso', 'froth', 'pro', 'corporation', 'saf', 'bakipan', 'perform', 'reactions', 's
upervision', 'organized', 'derived', 'byproducts', 'helpful', 'jolly', 'ranchers', 'biting',
'yummmy', 'handmade', 'british', 'joys', 'processes', 'scare', 'airedale', 'inhaled', 'abandoned',
'touching', 'beg', 'doggies', 'couch', 'devour', 'baggies', 'setup', 'dissapointing', 'prudhomme',
'finger', 'quest', 'cheerio', 'ie', 'minimally', 'kamut', 'fave', 'despise', 'chiles', 'tacos', 'c
ookbook', 'deviled', 'wings', 'insects', 'garden', 'soil', 'strained', 'canadian', 'ten', 'em', 'c
uz', 'nyc', 'teaching', 'tzu', 'mighty', 'significantly', 'poodle', 'lap', 'efficacy', 'tarter', '
wing', 'scale', 'dusted', 'constipated', 'mixture', 'tartness', 'silicon', 'dioxide', 'prevents',
'caking', 'amoretti', 'syrups', 'attracted', 'swirl', 'shoppe', 'phoenix', 'scent', 'reject', 'jyo
ti', 'exact', 'spicey', 'couscous', 'polenta', 'lieu', 'crusty', 'instance', 'qualifies',
'portable', 'fork', 'camping', 'picnics', 'ending', 'hansen', 'sufficient', 'cloying', 'horrific',
'admittedly', 'pronounce', 'claims', 'skeptical', 'reynard', 'citrusy', 'delights', 'hefty',
'builds', 'biodegradable', 'removal', 'disposal', 'weaken', 'landfill', 'footprint', 'hoisin', 'va
', 'roland', 'finds', 'assistance', 'bedroom', 'emptied', 'washed', 'organization', 'purists',
'encourage', 'dolce', 'gusto', 'capsules', 'annoyed', 'capsule', 'dutch', 'nylabone', 'pup', 'shep
ard', 'float', 'quarts', 'moderate', 'workers', 'suck', 'freely', 'infusion', 'misnomer',
'struck', 'leonard', 'connoisseur', 'wines', 'beers', 'zukes', 'profits', 'pooches', 'boot', 'matc
h', 'lavazza', 'enthusiastic', 'qualita', 'rossa', 'emerged', 'mainly', 'moka', 'espressos',
'heady', 'dominated', 'lingered', 'astringent', 'cleaner', 'traces', 'arabica', 'robusta', 'nb',
'hearted', 'oro', 'someday', 'suited', 'regrets', 'nuance', 'richness', 'camano', 'divide',
'portions', 'doubtful', 'attack', 'belts', 'bird', 'invented', 'variation', 'hollywood',
'weekends', 'desperately', 'presented', 'ouch', 'disliked', 'risk', 'wu', 'lined', 'hmmm', 'mmmm',
'literature', 'praised', 'medicinal', 'qualities', 'infected', 'hospitalized', 'killed', 'arms', '
strangely', 'weakness', 'f', 'telephone', 'presumably', 'courage', 'princess', 'grace', 'neuro', '
powers', 'fly', 'accused', 'fountain', 'ailments', 'luxury', 'emergency', 'belongs', 'aspirin', 'c
ircumstances', 'puking', 'puke', 'halo', 'turning', 'circle', 'stays', 'aggressive', 'garage',
'reek', 'applesauce', 'didnt', 'accidental', 'quanity', 'soften', 'push', 'cabbage', 'cilantro', '
papers', 'removed', 'flare', 'lysine', 'swallows', 'enthusiastically', 'reminding', 'pressed', 'tu
scany', 'hind', 'refuse', 'poison', 'gastric', 'generic', 'finishes', 'morsels', 'deducted',
'southwest', 'reclosable', 'coconuts', 'brazil', 'tetra', 'autoship', 'semisweet', 'percentage', '
refers', 'trans', 'thiamin', 'niacin', 'riboflavin', 'bowls', 'diabetic', 'shipments',
'afghanistan', 'contacted', 'habaneros', 'friskies', 'complete', 'sampled', 'softer', 'teriyaki',
'abundance', 'stones', 'damaged', 'tendency', 'gardening', 'otto', 'friday', 'contamination', 'bou
illon', 'jack', 'tee', 'capital', 'workouts', 'bathroom', 'japan', 'category', 'pregnancy', 'catch
', 'goats', 'nieces', 'quiet', 'tango', 'sees', 'lollipop', 'disappearing', 'pucker', 'punchy', 'm
onterey', 'saco', 'cultured', 'buttermilk', 'unpleasant', 'dipped', 'caffiene', 'cola',
'distributed', 'describes', 'awaken', 'senses', 'beet', 'named', 'spa', 'partnership',
'assessment', 'indifferent', 'approx', 'crumb', 'tight', 'feeds', 'diets', 'outer', 'tougher', 'fi
brous', 'pizzas', 'opener', 'dig', 'reg', 'le', 'fizzy', 'martinelli', 'tang', 'overwhelms',
'acts', 'tone', 'palette', 'finer', 'generally', 'continues', 'upwards', 'knudsen', 'accept',
'sin', 'nonetheless', 'sudden', 'urge', 'derivatives', 'release', 'curve', 'organs', 'choking', 'e
clipse', 'forgive', 'reservations', 'rocket', 'motor', 'healty', 'wacky', 'knots', 'commercials',
'un', 'falling', 'quit', 'pantene', 'slowing', 'coupons', 'wider', 'liquidy', 'truth',
'exceptionally', 'suffers', 'ear', 'royal', 'canin', 'dramatically', 'winner', 'hesitate',
'teenager', 'cal', 'groceries', 'queso', 'gevalia', 'signature', 'highest', 'husk', 'pits',
'teenager', 'cal', 'groceries', 'queso', 'gevalia', 'signature', 'highest', 'husk', 'pits',
'lentils', 'pee', 'limited', 'sniffed', 'opposite', 'hardest', 'heb', 'wild', 'lemongrass',
'mocha', 'dave', 'ghost', 'alarm', 'handled', 'skippy', 'catsure', 'meds', 'minced',
'competitively', 'pinkish', 'heating', 'devoted', 'mama', 'tom', 'apartment', 'scratching',
'scattered', 'attributes', 'sliding', 'mouse', 'shreds', 'vac', 'unsalted', 'transfer', 'munch', '
backpack', 'limit', 'custards', 'delish', 'raves', 'compliments', 'incorrect', 'mojito',
'powering', 'diluted', 'stupid', 'crumbs', 'expires', 'react', 'min', 'mold', 'formed',
'migraine', 'losing', 'repackaged', 'ziploc', 'peak', 'adulterated', 'quotes', 'cheaply', 'bb',
'necco', 'lil', 'unwind', 'restful', 'wegmans', 'relocated', 'european', 'ovaltine', 'truffles', '
clams', 'taylor', 'kwazulu', 'interestingly', 'expresso', 'nerves', 'till', 'modest', 'cfh', 'hors
eradish', 'coffe', 'salba', 'fried', 'conscious', 'owners', 'glitter', 'shinier', 'oyster', 'knife
', 'grip', 'oysters', 'hinge', 'bend', 'prying', 'slipping', 'thinner', 'blade', 'scallops', 'styl
es', 'file', 'blades', 'nail', 'slip', 'painful', 'gloves', 'resistant', 'identical', 'designs', '
brulee', 'pastry', 'plump', 'precious', 'gems', 'devastated', 'yo', 'spam', 'rectified',
'situation', 'communicate', 'dumplings', 'nationwide', 'v', 'upstate', 'otherwise', 'stimulating',
'downside', 'booster', 'whatnot', 'expo', 'enamored', 'diced', 'fist', 'proper', 'props',
'payday', 'unrealistic', 'conclusion', 'madagascar', 'stickiness', 'offensive', 'seven', 'draw', '
navitas', 'falls', 'resulted', 'tellicherry', 'preserving', 'played', 'significant', 'fireballs',
'gain', 'temporarily', 'books', 'lily', 'toys', 'roaster', 'cbd', 'earned', 'frs', 'trial', 'deman
ds', 'destroy', 'radicals', 'tortillas', 'ride', 'mile', 'cramp', 'banged', 'classy', 'learn', 'gf
cfsf', 'fourteen', 'ripoff', 'rectangular', 'indescribably', 'precise', 'negatively', 'tickles', '
torture', 'correction', 'weighs', 'pickles', 'marmalade', 'rind', 'milo', 'malaysian', 'voila', 'm
alaysia', 'ny', 'diarreah', 'occurred', 'discarding', 'dad', 'uncle', 'cousin', 'grilling', 'intro
duce', 'blackened', 'magic', 'backorder', 'suitable', 'bachelor', 'purest', 'rubs', 'annoying', 'c
anister', 'recommends', 'appropriate', 'text', 'convey', 'occurs', 'drippings', 'alternatively', '
outdoors', 'window', 'hitting', 'char', 'flame', 'lightly', 'fantastically', 'escape',
'enthusiasm', 'timing', 'basic', 'parsley', 'concoctions', 'variance', 'simplified', 'placing', 'z
ap', 'differ', 'digging', 'arrowhead', 'eden', 'angelina', 'farms', 'juan', 'confident',
'appealing', 'reportedly', 'offerings', 'pages', 'saponin', 'eons', 'protection', 'watering',
'pouring', 'discourage', 'integrity', 'coated', 'whichever', 'grows', 'elevation', 'ancient',
'assortment', 'thankful', 'magical', 'era', 'ponder', 'evolved', 'develop', 'turtles',
'reccommend', 'potted', 'thriving', 'cora', 'caloric', 'density', 'regulated', 'everlasting',
'licking', 'beforehand', 'upside', 'surface', 'lip', 'lou', 'spirulina', 'balls', 'enticing', 'str
ikes', 'crew', 'fudgy', 'leo', 'umf', 'nowadays', 'wedderspoon', 'gastrointestinal', 'troubles', '
poisoning', 'intestinal', 'virus', 'ulcer', 'measuring', 'relief', 'zealand', 'harvested',
'taped', 'leakage', 'remedies', 'appetizing', 'powdery', 'simultaneously', 'sworn', 'enemies',
'brandy', 'cognac', 'whipping', 'martini', 'grate', 'strainer', 'slivers', 'marie', 'walker', 'ava
ilability', 'lesser', 'wired', 'shut', 'survived', 'led', 'tmi', 'appetizer', 'deadly',
'suspended', 'elementary', 'science', 'teacher', 'catalog', 'repulsive', 'barilla', 'lowers',
'glycemic', 'index', 'chunk', 'choke', 'nephew', 'quenches', 'sangria', 'ins', 'kits', 'pawing', '
gobbling', 'fifth', 'harm', 'indulging', 'frame', 'theaters', 'compleats', 'lasagna', 'log', 'tart
s', 'proved', 'chais', 'deter', 'complexity', 'maximum', 'teabags', 'sacrifice', 'healthiness', 'u
pgrade', 'snappy', 'recipients', 'responsive', 'group', 'playing', 'kicking', 'hempseed', 'pine',
'amino', 'whites', 'magnesium', 'requirement', 'studies', 'insulin', 'sensitivity', 'spill',
'spilling', 'funnel', 'buckwheat', 'flaky', 'ali', 'julia', 'skillets', 'velveeta', 'sprinkling',
'brighten', 'helper', 'stats', 'packer', 'chemo', 'bonkers', 'implies', 'phrase', 'pictured', 'soy
a', 'isweet', 'culprit', 'spouse', 'pail', 'dumped', 'defective', 'unusable', 'compostable',
'recourse', 'wary', 'diedrich', 'clam', 'chowder', 'chowders', 'tvp', 'gu', 'hammer', 'cytomax', '
erewhon', 'neat', 'guidelines', 'chocoperfection', 'mark', 'skittles', 'anybody', 'yuk', 'mona', '
locate', 'answers', 'carob', 'pero', 'rye', 'destroys', 'differently', 'kenyan', 'assam',
'balances', 'suprisingly', 'indicate', 'australia', 'confused', 'pill', 'potty', 'larabars', 'fill
ers', 'separated', 'solidified', 'satisfactory', 'chebe', 'metromint', 'caps', 'coloring',
'seeping', 'snatched', 'blah', 'studded', 'chia', 'remedy', 'cardamon', 'funky', 'monkey',
'worthington', 'burger', 'meatballs', 'wp', 'lets', 'tl', 'powered', 'cuban', 'intact', 'trunk', '
worn', 'dogswell', 'guessing', 'millet', 'crumbling', 'granolas', 'fashion', 'gatorade', 'bridge',
'achieve', 'enriched', 'sprayed', 'resolutions', 'substituting', 'grinds', 'walnuts', 'macaroni',
'butternut', 'squash', 'penne', 'rigatoni', 'forty', 'experts', 'london', 'schedule', 'kcup', 'sup
port', 'agent', 'eyebrows', 'mcdougall', 'winning', 'consists', 'accent', 'microwavable',
'continuing', 'immediate', 'coughing', 'relieved', 'criticism', 'breakage', 'versions', 'fallen',
'delta', 'wrappers', 'omega', 'stomache', 'pains', 'afterwards', 'excess', 'soooooooo', 'liver', '
tainted', 'majority', 'fda', 'recalls', 'uncomfortable', 'awkward', 'sulfur', 'pitchers',
'evenings', 'forming', 'regulate', 'period', 'cycle', 'slept', 'happens', 'coma', 'lowering', 'sme
lling', 'grass', 'rural', 'alcoholic', 'lingering', 'newton', 'mid', 'nathan', 'leak', 'deceive',
'capable', 'sucrose', 'presumed', 'maltodextrin', 'fame', 'meaning', 'thickener', 'jellies',
'problematic', 'definition', 'code', 'federal', 'regulations', 'essence', 'bud', 'material',
'poultry', 'thereof', 'whose', 'rack', 'halibut', 'bass', 'george', 'unhappy', 'pepsi', 'ox',
'rasberry', 'slushy', 'kd', 'jacobs', 'army', 'pays', 'moo', 'bj', 'chamomile', 'relaxing',
'finland', 'jalepenos', 'burned', 'relaxes', 'passionfruit', 'harsh', 'pulls', 'hence',
'aficionados', 'overdose', 'perfume', 'lecithin', 'emulsifier', 'superfood', 'spoonfuls', 'silk',
'soymilk', 'bullet', 'taxes', 'waited', 'sensations', 'sansho', 'spelled', 'lemony', 'eel',
'broths', 'udon', 'scrambled', 'ubiquitous', 'en', 'bonne', 'unlimited', 'funds', 'lasted',
'crude', 'ty', 'phoo', 'mellower', 'albeit', 'peace', 'allowance', 'eagle', 'creamed', 'bisque', '
meows', 'stalks', 'aunt', 'arroz', 'pollo', 'closing', 'tones', 'link', 'numerous', 'desparate', '
stoneridge', 'basmati', 'coin', 'ahoy', 'allergens', 'candied', 'noticeably', 'digestion', 'tubs',
'reed', 'separately', 'legged', 'hypoglycemia', 'sets', 'combine', 'distinct', 'experimenting', 'i
ndefinitely', 'labeling', 'bittersweet', 'income', 'detect', 'equates', 'cultivated', 'extent', 'd
rinkers', 'infamous', 'considerable', 'vendor', 'recommending', 'shepherd', 'clinic', 'blockage',
'fatal', 'entr', 'deciding', 'becoming', 'menu', 'barry', 'enter', 'kikkoman', 'haribo',
'fatal', 'entr', 'deciding', 'becoming', 'menu', 'barry', 'enter', 'kikkoman', 'haribo',
'alcohols', 'sugared', 'originals', 'sweat', 'plague', 'devours', 'positively', 'lukewarm',
'hyper', 'steeped', 'deeper', 'singing', 'treating', 'outdoor', 'valve', 'bug', 'humble',
'unsafe', 'spraying', 'opinions', 'kraft', 'guarantee', 'previously', 'inconvenience', 'gulp', 'br
ush', 'sending', 'suppose', 'bottling', 'dublin', 'offs', 'mileage', 'publix', 'festival',
'booth', 'nonfat', 'emphasize', 'intensely', 'staring', 'reacted', 'nestle', 'nido',
'improvement', 'lack', 'forgotten', 'barbecue', 'calculator', 'begun', 'snapple', 'avid',
'emergen', 'eager', 'dissolving', 'swore', 'cals', 'distributors', 'request', 'practically',
'refried', 'campers', 'lea', 'perrins', 'patty', 'tangy', 'tables', 'worcestershire', 'profiles',
'commonly', 'kix', 'crispies', 'hfcs', 'unremarkable', 'twin', 'exterior', 'lackluster', 'impact',
'electric', 'ultra', 'crisco', 'canola', 'unpopped', 'dusty', 'faucet', 'teapot', 'dunking', 'acce
ptable', 'recyclable', 'reusable', 'blew', 'interactive', 'insult', 'havanese', 'ceral', 'posted',
'kellogs', 'rasin', 'score', 'throws', 'walls', 'surrounded', 'furry', 'incase', 'deodorant', 'fag
e', 'tabs', 'occasions', 'purified', 'sores', 'pugs', 'jamaican', 'flatten', 'floral', 'sooo', 'to
wel', 'filters', 'melitta', 'tablespoons', 'filet', 'mignon', 'eukanuba', 'formulated',
'nutritionist', 'fight', 'battle', 'alfalfa', 'multivitamin', 'energetic', 'wonderfull', 'gagged',
'unbearable', 'bloating', 'mre', 'ranks', 'terro', 'deck', 'bundle', 'pest', 'services',
'poisons', 'lowe', 'device', 'extends', 'identify', 'features', 'protien', 'washer', 'dishwasher',
'crate', 'chase', 'dropping', 'glued', 'glue', 'screw', 'bunches', 'dentyne', 'arctic', 'chill', '
outlets', 'idaho', 'regularity', 'movies', 'sigh', 'brats', 'jazz', 'rival', 'om', 'nom',
'deluxe', 'consideration', 'roughly', 'bergin', 'default', 'coke', 'server', 'steady', 'lion', 'vi
ola', 'feared', 'creaminess', 'crunchiness', 'perfecto', 'diapers', 'inconsistent', 'beds',
'dies', 'herbicides', 'palm', 'diego', 'meet', 'smokin', 'smiling', 'salon', 'begged', 'sweetest',
'tahini', 'doubled', 'visible', 'pilafs', 'bike', 'glove', 'compartment', 'meeting', 'swallowed',
'gallons', 'races', 'balancing', 'tm', 'newest', 'creation', 'selected', 'accents', 'redfish', 'el
la', 'moms', 'crave', 'sand', 'gopher', 'trap', 'regards', 'researching', 'locations', 'pushing',
'sealing', 'lever', 'victor', 'matzo', 'express', 'butterscotch', 'dang', 'existing', 'burst', 'tu
rmeric', 'annatto', 'paprika', 'facility', 'handles', 'tripe', 'reception', 'tasters', 'wheaty', '
heartier', 'complemented', 'overwhelm', 'marinara', 'episode', 'shapes', 'determine',
'thickening', 'gopicnic', 'catfood', 'appetizers', 'edamame', 'soybeans', 'trail', 'passable', 'su
doku', 'thoughtful', 'centerpiece', 'starving', 'dieters', 'inc', 'perky', 'garlicky', 'king', 'yu
mmmm', 'chex', 'knorr', 'nong', 'shim', 'hoo', 'bok', 'choy', 'spinach', 'portioned', 'block', 'me
tallic', 'manageable', 'ink', 'exported', 'requirements', 'wtf', 'doesnt', 'inner', 'basement', 'p
arties', 'worries', 'rubber', 'nuff', 'caffe', 'seared', 'erin', 'monsters', 'coupled',
'unusually', 'butt', 'fireplace', 'patches', 'combat', 'x', 'brushed', 'occurrence', 'laps',
'laundry', 'owns', 'infuser', 'worthless', 'okra', 'swings', 'scenes', 'depicted', 'uniformly', 'u
nequivocally', 'caved', 'browns', 'rose', 'instructed', 'marks', 'woods', 'saturday', 'monday', 's
elections', 'noon', 'wednesday', 'mccann', 'fortified', 'orangina', 'partnered', 'global',
'education', 'fund', 'educational', 'opportunities', 'resources', 'needy', 'fishiness', 'boasts',
'mercury', 'tools', 'albacore', 'troll', 'turtle', 'pristine', 'northwest', 'united', 'loin', 'cho
ps', 'capture', 'experiencing', 'sashimi', 'cannery', 'retained', 'select', 'accumulation',
'lowest', 'ben', 'whiskers', 'fav', 'nylabones', 'shred', 'peices', 'narrow', 'coworker', 'insists
', 'dingo', 'pitch', 'ignore', 'systems', 'invariably', 'controlled', 'experiments', 'atlantic', '
signing', 'specified', 'interval', 'similarly', 'options', 'fussie', 'gobble', 'buddies', 'bait',
'adopting', 'kittens', 'companions', 'aspects', 'innova', 'proctor', 'gamble', 'natura',
'healthwise', 'questionable', 'practices', 'unwanted', 'nourish', 'formerly', 'ward', 'proceeds',
'charity', 'gobbles', 'dreamfield', 'starches', 'spike', 'latino', 'oklahoma', 'competetive', 'mel
ting', 'semi', 'vines', 'happybaby', 'kale', 'sacrificing', 'pooch', 'pumps', 'anticipate',
'usage', 'construction', 'icky', 'conveniently', 'meaty', 'hearts', 'endangered', 'species',
'prefect', 'dream', 'disaster', 'merely', 'bacos', 'author', 'vague', 'underneath', 'concept', 'ke
nya', 'surprize', 'dents', 'sons', 'tots', 'geared', 'sorbet', 'collecting', 'campbells', 'hcg', '
dept', 'agriculture', 'subject', 'bare', 'prone', 'teaspoons', 'decreased', 'measured', 'clover',
'ripping', 'countries', 'pennies', 'clue', 'pesticides', 'bodies', 'counterparts', 'cons',
'vendors', 'heavenly', 'pint', 'performed', 'toothpick', 'cleanly', 'wilton', 'pans',
'antioxidents', 'unnecessary', 'microwaves', 'locks', 'greatest', 'misc', 'vue', 'occassions', 'sw
eden', 'herr', 'pringles', 'bursting', 'philosophy', 'heavily', 'stained', 'worthwhile',
'excessive', 'subsequently', 'hopelessly', 'cafeteria', 'dubious', 'mainstream', 'orgain',
'lumpy', 'safflower', 'dew', 'irritating', 'sinuses', 'slick', 'promotion', 'nation', 'sat',
'lethargic', 'shards', 'optimum', 'proportions', 'ordinarily', 'progressed', 'overdo',
'caramelized', 'foundation', 'whiskey', 'liquor', 'oak', 'connection', 'permeates', 'downer',
'tame', 'discussion', 'slows', 'plug', 'handed', 'warmer', 'del', 'monte', 'divided', 'settle', 'n
aan', 'pita', 'granulated', 'ga', 'southeast', 'baja', 'margarita', 'tequila', 'jose', 'volvic',
'blind', 'sink', 'relish', 'dreamed', 'graphic', 'innards', 'fr', 'vote', 'coarser', 'potatos',
'prefered', 'resonable', 'wasteful', 'rachel', 'nutrish', 'sleeps', 'mission', 'ceramic',
'plates', 'cheerful', 'complement', 'corgi', 'pg', 'touches', 'kiddo', 'textured', 'puchase', 'mat
ters', 'arrival', 'yesterday', 'articles', 'nuke', 'lava', 'acrid', 'hypo', 'accounts',
'blandness', 'chickpea', 'hungarian', 'evo', 'football', 'league', 'stationed', 'fever', 'tonic',
'hong', 'variant', 'sky', 'compliant', 'updated', 'hasty', 'gel', 'component', 'harissa',
'africa', 'attend', 'mina', 'delicacy', 'transformed', 'savoring', 'moldy', 'marshall',
'chiclets', 'overpoweringly', 'longest', 'holistic', 'pillows', 'ks', 'cigars', 'infuse', 'malt',
'gi', 'silver', 'tastykakes', 'issued', 'yam', 'stool', 'cage', 'salts', 'sturdy', 'phenomenal', '
istanbul', 'halva', 'competition', 'pistachio', 'varities', 'eastern', 'noses', 'contribute', 'atl
east', 'stapled', 'counted', 'expiry', 'planters', 'thumbs', 'lend', 'temple', 'unsatisfying',
'height', 'genius', 'atmosphere', 'hilarious', 'bil', 'jac', 'phosphoric', 'bha', 'oxide',
'agility', 'obedience', 'luke', 'whisky', 'mangoes', 'graphics', 'shout', 'rediscovered',
'promote', 'central', 'pennsylvania', 'backpacking', 'saccharine', 'nutrasweet', 'proprietary',
'ingest', 'secrets', 'supersaver', 'gobbled', 'arthur', 'counterpart', 'grab', 'genuine',
'compliment', 'creativity', 'extensive', 'engine', 'attractive', 'pattern', 'sardine', 'krispy',
'compliment', 'creativity', 'extensive', 'engine', 'attractive', 'pattern', 'sardine', 'krispy',
'koala', 'yummies', 'trappist', 'descriptive', 'replicate', 'colour', 'burr', 'resistance',
'dissolved', 'heats', 'critical', 'edit', 'crucial', 'ideally', 'players', 'consensus',
'volumizing', 'satisfaction', 'plagued', 'revitalize', 'prolonged', 'appeared', 'routine',
'reported', 'transportation', 'vons', 'aeropress', 'breeder', 'stocks', 'hotdogs', 'delonghi',
'preventing', 'headaches', 'migraines', 'calm', 'sooth', 'lychee', 'adventurous', 'bellagio', 'mem
bership', 'xtra', 'secondly', 'dual', 'panera', 'coffeemaker', 'mugs', 'cafix', 'whopping', 'jump'
, 'nantucket', 'calms', 'indistinguishable', 'flexible', 'industry', 'supper', 'bumblebee',
'medleys', 'suger', 'schar', 'upgraded', 'dealing', 'medical', 'diseases', 'exorbitant', 'sours',
'fragrance', 'recycled', 'paperboard', 'waxed', 'art', 'sweetly', 'deb', 'el', 'skim',
'descriptions', 'advance', 'finishing', 'heels', 'farmer', 'hints', 'paso', 'hottest', 'crying', '
misery', 'supposedly', 'clumps', 'invisible', 'unilever', 'horrid', 'du', 'monde', 'chickory', 'sn
ackwell', 'goldilocks', 'terriers', 'agrees', 'shine', 'thereafter', 'wouldnt', 'untill',
'worker', 'assorted', 'calming', 'rooibos', 'petals', 'sarsaparilla', 'balm', 'poppy', 'bitters',
'regan', 'dashes', 'martinis', 'se', 'subtly', 'enhance', 'gin', 'perk', 'pups', 'avocado',
'retaining', 'inquiry', 'avocados', 'tourangelle', 'retailers', 'providing', 'purposes', 'novice',
'flaw', 'tantalizing', 'unused', 'faded', 'diminished', 'motivated', 'crumbles', 'separation', 'an
xiety', 'welsh', 'holic', 'purist', 'combinations', 'heartily', 'favourite', 'romano', 'kirkland',
'concerning', 'elevated', 'ugly', 'bisquick', 'kudos', 'glutino', 'magnificent', 'multitude', 'cel
iacs', 'warnings', 'male', 'supplied', 'tiger', 'nitrogen', 'fraction', 'dachshund', 'z',
'filets', 'basted', 'official', 'oral', 'hygiene', 'snooty', 'patties', 'stinks', 'copy',
'retired', 'fundraiser', 'programs', 'detail', 'covers', 'stave', 'jolt', 'doo', 'scottie',
'communities', 'click', 'saltier', 'kentucky', 'pa', 'jfg', 'proud', 'sucanant', 'rust', 'wire', '
responsibly', 'ethically', 'traded', 'garnish', 'grease', 'roof', 'allowing', 'suit', 'stews', 'di
ll', 'saltiness', 'granules', 'foster', 'victim', 'false', 'yummyearth', 'assurance', 'tapioca', '
carnauba', 'travelled', 'splitting', 'knot', 'dropped', 'nub', 'spiciness', 'syndrome', 'nana', 't
rident', 'layers', 'sugarless', 'fondant', 'anniversary', 'satin', 'satan', 'flipped',
'transferred', 'flipping', 'tore', 'ugh', 'bored', 'laid', 'trucks', 'towns', 'spritz', 'notaste',
'pom', 'comfortable', 'mrs', 'sourced', 'endorsement', 'manufacturing', 'hazard', 'reference', 'fa
q', 'carnation', 'cib', 'sf', 'creamsicle', 'lie', 'starchy', 'wallpaper', 'partially', 'dough', '
worthy', 'gingery', 'casual', 'panda', 'decisions', 'earliest', 'estimated', 'ass', 'enfamil', 'pr
oteins', 'gaining', 'straw', 'jr', 'mushrooms', 'raspberries', 'desirable', 'sugarfree',
'imitations', 'speaks', 'smoothest', 'bartender', 'fe', 'parting', 'ample', 'alergies', 'mystery',
'oleic', 'gladly', 'dannon', 'culture', 'orderd', 'upscale', 'segment', 'canisters', 'grasp',
'amazom', 'smuckers', 'confirm', 'useable', 'controlling', 'odwalla', 'walked', 'pace', 'slim', 'p
orch', 'braces', 'scotland', 'ck', 'halvah', 'overtones', 'weightless', 'aids', 'flush', 'rold', '
seek', 'wales', 'artificially', 'fd', 'stacks', 'crush', 'izze', 'cookout', 'aquired', 'marketed',
'towards', 'bagels', 'quebec', 'tomatoe', 'november', 'heh', 'swear', 'daytime', 'moisturizer', 'm
akeup', 'absorbs', 'puffiness', 'visibly', 'reduces', 'wrinkled', 'venti', 'recreate', 'tie', 'qts
', 'aficionado', 'usable', 'everytime', 'adjustment', 'tinker', 'lotta', 'eliminated', 'ritual', '
lucious', 'surprized', 'pecans', 'operate', 'neutral', 'yorkie', 'entertained', 'gagging',
'swell', 'planting', 'additions', 'host', 'dieting', 'dentist', 'visitors', 'floss', 'shock', 'asa
p', 'tomatos', 'baguette', 'resist', 'sicilia', 'highland', 'requested', 'ecstatic', 'strip', 'agr
eement', 'unbleached', 'germ', 'soybean', 'drug', 'lord', 'riding', 'hydration', 'standing',
'mosquito', 'infested', 'essentia', 'ph', 'zombie', 'hoard', 'minerals', 'stream', 'replenish', 's
pite', 'lidded', 'frisky', 'redbush', 'strengths', 'starbuck', 'earths', 'radish', 'radishes', 'st
yrofoam', 'homegrown', 'enchanted', 'downright', 'mocafe', 'tossing', 'curious', 'caring',
'pomeranians', 'unattended', 'tripett', 'map', 'supplying', 'transplanted', 'louis', 'fathers',
'master', 'sipped', 'ito', 'withdrawal', 'fettucini', 'mixers', 'aromas', 'tension', 'tamer', 'veg
', 'himalayan', 'percolator', 'conversion', 'bummed', 'labrador', 'loki', 'severely', 'bye',
'tug', 'war', 'object', 'regal', 'castle', 'gains', 'resort', 'renewed', 'snow', 'begging',
'magnet', 'gnawed', 'licked', 'hides', 'smear', 'removing', 'gouge', 'navy', 'rhodesian', 'canine'
, 'matched', 'exceeded', 'mince', 'chewers', 'nubs', 'vigorous', 'kup', 'transported', 'samplers',
'colombia', 'supremo', 'jeremiah', 'carmel', 'generate', 'allot', 'nobody', 'carafe', 'respect', '
memphis', 'partial', 'worrisome', 'toxicity', 'obesity', 'walden', 'fatter', 'easter',
'disappear', 'decade', 'sight', 'citrus', 'seemingly', 'poster', 'chows', 'chains', 'remains', 'tr
ansitioned', 'chowing', 'venison', 'indicates', 'stages', 'breathing', 'scientist', 'rotel',
'picante', 'nevada', 'browned', 'soooo', 'grabbing', 'piles', 'gingersnap', 'phone', 'progresso',
'ortiz', 'taller', 'knowledgeable', 'accessories', 'lifeboat', 'lyons', 'adagio', 'republic', 'tea
vana', 'pitcher', 'ranging', 'final', 'opaque', 'dilute', 'bergamont', 'appropriately',
'scheduled', 'tower', 'youll', 'pictures', 'minuscule', 'detract', 'similarities', 'mailed', 'spoi
lage', 'replied', 'fuzz', 'temps', 'deg', 'rep', 'credit', 'wisconsin', 'freight', 'mildew',
'feridies', 'williamsburg', 'headache', 'butters', 'dispensing', 'boxers', 'bat', 'concrete',
'carpet', 'exclusively', 'absurd', 'reaches', 'floats', 'vile', 'happiness', 'landed', 'chopping',
'slicing', 'morels', 'rehydrated', 'ornaments', 'thickness', 'slides', 'observed', 'compensate', '
adjusting', 'letters', 'coolers', 'fiancee', 'confectioner', 'angry', 'truely', 'disapointed',
'pumkin', 'angela', 'schools', 'class', 'il', 'rehab', 'disorders', 'banned', 'digestives',
'mcvitie', 'regarded', 'definitive', 'wishing', 'waistline', 'officially', 'circles', 'popsicles',
'lengthy', 'explosion', 'lit', 'cotton', 'yorkies', 'slimming', 'mainstay', 'grandchildren', 'milk
s', 'tickled', 'aspect', 'undrinkable', 'typing', 'fermenting', 'filmy', 'ness', 'candle',
'elasticity', 'cappuccinos', 'textures', 'disappears', 'fenugreek', 'doctoring', 'necessarily', 'f
errero', 'rocher', 'wedding', 'flakey', 'counteract', 'jeans', 'foo', 'mudslide', 'luckily',
'yahoo', 'mates', 'muesli', 'dentastix', 'diarrhea', 'watched', 'sharper', 'struggled',
'pellegrino', 'cooler', 'perrier', 'payed', 'rib', 'blt', 'bun', 'likewise', 'pastrami',
'twisted', 'elated', 'transport', 'sumatran', 'lifeless', 'shoes', 'cecco', 'shoe', 'doubles', 'wa
rn', 'strain', 'steps', 'pairs', 'cracking', 'absorbed', 'norm', 'sherry', 'crystalline', 'atop',
'situations', 'pico', 'hortons', 'billion', 'bunnies', 'fro', 'periods', 'barrels', 'twigs',
'nalgene', 'corners', 'chances', 'transforms', 'universe', 'landscape', 'candles', 'acquire',
'nalgene', 'corners', 'chances', 'transforms', 'universe', 'landscape', 'candles', 'acquire',
'preservative', 'pumped', 'carnivorous', 'joel', 'dragon', 'venus', 'flytrap', 'compressed',
'families', 'smores', 'unknown', 'ann', 'btw', 'seams', 'grandma', 'linguine', 'questions',
'paradise', 'flavoured', 'joint', 'heath', 'unheated', 'unprocessed', 'drugstore', 'ozs',
'shameful', 'ho', 'hum', 'limits', 'convert', 'laden', 'liners', 'patak', 'madras', 'tamarind', 'f
ixed', 'dal', 'skill', 'dane', 'remover', 'stomachs', 'nestea', 'former', 'yoga', 'boldness', 'int
ensity', 'addict', 'survive', 'owe', 'undamaged', 'trace', 'grocers', 'cottage', 'lark', 'est', 'r
endang', 'cuts', 'tenderloin', 'fillet', 'warrior', 'peer', 'chomp', 'jims', 'hav', 'rehydrate', '
physician', 'disturbing', 'cadbury', 'toblerone', 'scharffen', 'berger', 'tempered', 'thickest', '
sunmaid', 'troops', 'islands', 'starburst', 'inclination', 'adequate', 'diverse', 'multigrain', 's
emolina', 'stewed', 'skillet', 'soaps', 'sexy', 'sniffing', 'lathers', 'rinses', 'reapply',
'refreshed', 'woodsy', 'fiance', 'unheard', 'faces', 'sprout', 'spoons', 'smoothe', 'mocktail', 'a
ppletini', 'rum', 'predominate', 'tilt', 'hulls', 'intoxicating', 'indonesia', 'undertones',
'loyal', 'union', 'astronaut', 'dubble', 'bazooka', 'melty', 'rectangle', 'solve', 'twizzler', 'so
phisticated', 'sachets', 'trio', 'errands', 'driving', 'icecream', 'artic', 'arizona', 'kava',
'nutella', 'hazlenut', 'hazelnuts', 'freshest', 'bitten', 'yumminess', 'thrift', 'music',
'poorer', 'subway', 'confections', 'wherever', 'recipie', 'stretch', 'simplest', 'alessi',
'substandard', 'wallet', 'homeless', 'resealed', 'button', 'collection', 'hound', 'refuses',
'undesirable', 'smash', 'dakota', 'administer', 'goya', 'elaborate', 'rotting', 'leonidas',
'eliminating', 'originated', 'fortunate', 'slop', 'instruction', 'permanent', 'ex', 'stimulates',
'halloween', 'twizzlers', 'jaws', 'tetley', 'salada', 'impulse', 'sooooo', 'holy', 'pomodoro', 'di
rector', 'enticed', 'indulge', 'da', 'vinci', 'ml', 'maintaining', 'tiniest', 'stuffer', 'whey',
'razor', 'sparingly', 'nacho', 'cruise', 'spoils', 'saccharin', 'straws', 'brach', 'pate', 'pkgs',
'insanity', 'waitress', 'hah', 'blush', 'vision', 'blazing', 'reply', 'marzipan', 'petite', 'addic
ts', 'afterward', 'ol', 'interests', 'disclosure', 'gnc', 'nauseating', 'lighten', 'forcing',
'ghee', 'coarse', 'phony', 'digress', 'taster', 'solvent', 'soluble', 'improves', 'bind',
'pooped', 'morsel', 'bedtime', 'effectiveness', 'varied', 'sleeping', 'prescription', 'organix', '
vomited', 'happiest', 'chewiness', 'ranchero', 'watkins', 'surfing', 'deliveries', 'dec',
'soooooo', 'sweating', 'popcorns', 'disadvantage', 'forewarned', 'notoriously', 'yellowfin',
'comforting', 'spotted', 'lessen', 'baggy', 'events', 'severe', 'citrate', 'absorption',
'smoothed', 'dilmah', 'represented', 'embarrassed', 'solofill', 'bridal', 'hood', 'tx', 'rations',
'utensil', 'extraction', 'merlot', 'rv', 'laurel', 'griddle', 'shea', 'cleanse', 'therapy',
'destroying', 'dryness', 'nourishment', 'softness', 'argan', 'beetlejuice', 'danger', 'involved',
'bio', 'spirit', 'realm', 'plans', 'cast', 'burton', 'succeeded', 'delivering', 'films', 'visual',
'theme', 'geena', 'davis', 'alec', 'baldwin', 'jones', 'winona', 'ryder', 'michael', 'keaton', 'st
ole', 'applies', 'characters', 'screen', 'supported', 'comedy', 'denying', 'feral', 'cry',
'neutered', 'males', 'whiskas', 'gary', 'peterson', 'raisens', 'dab', 'aforementioned',
'borderline', 'nicest', 'manna', 'grooming', 'bound', 'lansinoh', 'leaky', 'aa', 'cameron', 'short
age', 'simpler', 'soothe', 'vanish', 'biltong', 'stout', 'throwback', 'replaces', 'locating', 'shi
rataki', 'hops', 'potent', 'fusions', 'fiddle', 'scallions', 'midday', 'rescued', 'mutts',
'jarred', 'resemblance', 'tikka', 'willingly', 'ms', 'caramels', 'protected', 'indulgence',
'extracts', 'defrost', 'defrosted', 'distribute', 'cheesecloth', 'tingling', 'jersey', 'gag',
'disappointments', 'mestemacher', 'moderately', 'flake', 'retain', 'eh', 'flaps', 'joyva',
'socially', 'portland', 'motto', 'reincarnation', 'quirky', 'unclear', 'writes', 'numi',
'revealed', 'fees', 'payment', 'recovering', 'sinus', 'mucus', 'jel', 'thicken', 'cornstarch',
'arrowroot', 'foolproof', 'distinctly', 'thickens', 'detailed', 'equivalent', 'thickeners',
'modified', 'genetically', 'briefly', 'gm', 'lactation', 'harmful', 'sterile', 'judging',
'restriction', 'downing', 'capped', 'wikipedia', 'entry', 'soreness', 'drives', 'shar', 'vernors',
'montana', 'choked', 'reflex', 'burped', 'tester', 'butts', 'smarter', 'uncooked', 'squirrels', 'd
eath', 'manly', 'scared', 'bile', 'rat', 'scooping', 'sifter', 'urine', 'wipe', 'electronic', 'fou
rth', 'nutrional', 'zippy', 'demi', 'glace', 'fruitables', 'matcha', 'frappuccino', 'tongues', 'gr
ades', 'pulse', 'scrape', 'bc', 'flies', 'gt', 'honeydew', 'bloomed', 'blooms', 'easiest',
'sturdier', 'foliage', 'austin', 'taiwan', 'aloe', 'nightly', 'winters', 'choco', 'indigenous',
'peoples', 'bounty', 'molten', 'varying', 'growth', 'antibiotics', 'biotic', 'certification', 'per
sistent', 'cough', 'halls', 'defense', 'drags', 'quesadillas', 'bali', 'seapoint', 'drainage', 'di
tch', 'resulting', 'squashed', 'colder', 'moisturized', 'jerry', 'curl', 'facebook', 'utter', 'soo
', 'def', 'bobs', 'spelt', 'elbows', 'bulldogs', 'folk', 'areal', 'freaking', 'recomended', 'soba'
, 'youre', 'load', 'lather', 'odors', 'pickiest', 'steeps', 'malty', 'yorkshire', 'uncovered', 'di
ving', 'mommy', 'radiation', 'nightmare', 'warns', 'higgins', 'burke', 'ziwipeak', 'lest',
'kusmi', 'wandering', 'occupy', 'chutney', 'wa', 'difficulty', 'durkee', 'velvet', 'dilutes',
'fashioned', 'brushes', 'basting', 'drastically', 'bristles', 'tamale', 'grating', 'wafted',
'thanksgiving', 'refilled', 'qualified', 'superfoods', 'nutritionally', 'scientific', 'assist', 'b
ench', 'tocopherols', 'naming', 'stingy', 'liven', 'repertoire', 'tricks', 'enormous',
'importance', 'niece', 'shark', 'figuring', 'freezes', 'cone', 'australian', 'cattle', 'tiki', 'nu
trious', 'aloha', 'somthing', 'oxidants', 'grits', 'inflated', 'scheme', 'flop', 'fail',
'vitacost', 'specialties', 'scraped', 'perfection', 'antioxidant', 'additionally', 'tylenol',
'lawry', 'mega', 'colander', 'ea', 'crisper', 'rj', 'engineered', 'zinc', 'annual', 'shines',
'moisturize', 'ravioli', 'appeals', 'crema', 'incorporate', 'reputable', 'stolen', 'colavita', 'ne
rd', 'intrigued', 'insisted', 'pecan', 'toes', 'identifiable', 'newbie', 'assuming', 'retrievers',
'spicyness', 'gristle', 'sri', 'lanka', 'freakin', 'fastest', 'definatly', 'oct', 'crunchier', 'ro
ds', 'snyders', 'milkshakes', 'goop', 'explains', 'overwhelmingly', 'band', 'regretted', 'bru', 'h
amburgers', 'freshen', 'evaluate', 'doodle', 'cet', 'plaque', 'gnaw', 'furniture', 'client',
'spitting', 'listen', 'vegetarians', 'lug', 'padded', 'expedited', 'sluggish', 'acv', 'silken', 't
opper', 'boulder', 'tennis', 'tube', 'cows', 'leery', 'teenage', 'ecologically', 'germinate',
'udi', 'au', 'mutt', 'laying', 'hidden', 'pillow', 'stevita', 'creating', 'aspertame', 'looong', '
bush', 'restricted', 'tearing', 'columela', 'fancier', 'repeat', 'gadgets', 'babycook', 'manual',
'processor', 'steamer', 'benifits', 'dissapointed', 'concert', 'passing', 'discussed', 'neatly', '
opens', 'applications', 'renowned', 'unrefined', 'pancreas', 'hydrolyzed', 'determined',
opens', 'applications', 'renowned', 'unrefined', 'pancreas', 'hydrolyzed', 'determined',
'cupboards', 'planted', 'weeds', 'sprouted', 'display', 'gummie', 'gummies', 'retains', 'lotions',
'sprays', 'repel', 'tags', 'lundberg', 'snackers', 'affect', 'fats', 'grossly', 'lunchbox', 'prote
cting', 'arrangement', 'occur', 'vender', 'duke', 'alley', 'mir', 'brian', 'minestrone',
'attributed', 'savior', 'spinning', 'merry', 'disorder', 'nicaraguan', 'midnight', 'private', 'par
isian', 'colombian', 'reserve', 'organically', 'sleek', 'hopeful', 'slivered', 'aquarium',
'homes', 'contrast', 'alkalized', 'alkali', 'reddish', 'conditioned', 'shampoos', 'wilderness', 's
olely', 'unpleasantly', 'bowel', 'movements', 'cd', 'informative', 'enzymes', 'importing', 'mai',
'tracked', 'fin', 'wheels', 'raccoons', 'critter', 'ridder', 'addiction', 'visualize',
'indulgent', 'sahale', 'tests', 'disgustingly', 'labradoodle', 'digesting', 'popularity',
'eldest', 'seaweed', 'greeted', 'chest', 'congestion', 'breastfeeding', 'nasal', 'doses',
'congested', 'hue', 'newmans', 'spirals', 'noticable', 'ache', 'twinnings', 'medicinals',
'cinammon', 'exploring', 'inulin', 'silica', 'gms', 'shoestring', 'cashews', 'informing',
'approval', 'newer', 'wondeful', 'musty', 'bleh', 'teeccino', 'concentrations', 'environmental', '
consequences', 'reminiscent', 'bourbon', 'stressful', 'denser', 'blu', 'remarked', 'fattening', 'p
olyunsaturated', 'monounsaturated', 'kinder', 'shoulders', 'glance', 'nutter', 'rainy', 'goodie',
'grandkids', 'respectively', 'suggesting', 'aches', 'remarks', 'confetti', 'decorations',
'discolored', 'seriousness', 'cleared', 'moisturizing', 'wave', 'bucket', 'rendered', 'submit', 'c
orporate', 'cargill', 'converts', 'field', 'crops', 'impractical', 'shove', 'voxbox', 'sceptical',
'dangerous', 'stubborn', 'sneaking', 'dickens', 'persian', 'begs', 'spain', 'kimbo',
'deliberately', 'wok', 'docked', 'adores', 'ganache', 'buttercream', 'lait', 'eve', 'napolitains',
'deeply', 'masterpiece', 'worldwide', 'brussels', 'ribbon', 'protective', 'september', 'piri', 'bo
n', 'appetit', 'swells', 'article', 'di', 'sole', 'glop', 'browsing', 'critics', 'restore',
'pose', 'curries', 'anyhow', 'nephews', 'rugged', 'mesquite', 'biased', 'tolerated', 'doctors', 's
kinless', 'boneless', 'gran', 'marnier', 'possess', 'clears', 'cavity', 'belt', 'remembering', 'el
iminate', 'mt', 'huckleberry', 'supple', 'tar', 'conditioners', 'froze', 'ebay', 'philippines', 'm
arinating', 'detected', 'rushes', 'dependable', 'nashville', 'crunchie', 'matrix', 'honeycomb', 'd
ecreases', 'feeder', 'douse', 'flames', 'homestyle', 'sulfate', 'phosphate', 'phenylalanine', 'cri
teria', 'drier', 'accessory', 'mahogany', 'bichon', 'reformulated', 'units', 'pads', 'screws', 'ha
vent', 'jalapenos', 'herdez', 'preferida', 'casa', 'fiesta', 'victoria', 'tortilla', 'burrito', 'h
otter', 'sulfites', 'asthma', 'genetic', 'enzyme', 'deficiency', 'macaroons', 'sickening',
'stares', 'revolution', 'panel', 'wearing', 'hype', 'bacterial', 'graciously', 'remotely',
'reheated', 'cautiously', 'influence', 'fart', 'aftertastes', 'advertises', 'uniformity', 'lays',
'leaching', 'molecules', 'altura', 'peruvian', 'marmite', 'merits', 'cement', 'eboost',
'positives', 'tums', 'alka', 'seltzer', 'professor', 'blanched', 'elite', 'israel', 'standby', 'ex
posure', 'deli', 'arsenal', 'digestible', 'enlightened', 'busted', 'suicidal', 'disagree',
'distract', 'juiced', 'cleansed', 'internally', 'mentally', 'restock', 'poly', 'mono',
'unsaturated', 'shockingly', 'waist', 'transfat', 'enchiladas', 'regained', 'flag', 'hunks',
'softening', 'delicous', 'definitly', 'sinful', 'labelled', 'eaters', 'ths', 'impart', 'sessions',
'intimidated', 'supervise', 'patience', 'moths', 'lurking', 'breeding', 'generations',
'generation', 'moth', 'vigorously', 'acai', 'cluster', 'jewish', 'spends', 'diary', 'marvel',
'incorrectly', 'hat', 'exploded', 'foremost', 'niederegger', 'format', 'ration', 'interfere', 'spo
nge', 'intestine', 'noticing', 'sludge', 'stink', 'bombs', 'pickier', 'fencing', 'committing', 'st
arve', 'jerk', 'moss', 'bust', 'fog', 'millstone', 'anyhoo', 'litte', 'neighbors', 'berres',
'maxx', 'report', 'carnivores', 'solo', 'laugh', 'indication', 'dissatisfaction', 'gap', 'muss', '
peaceful', 'behave', 'woof', 'cheesecakes', 'sept', 'hurting', 'inferior', 'grit', 'graininess', '
touched', 'albanese', 'suckers', 'ducks', 'guide', 'billed', 'tricked', 'heater', 'nog',
'northeast', 'fettuccine', 'bigs', 'weary', 'clever', 'arrange', 'prop', 'angle', 'stickler', 'adj
usted', 'encouraged', 'sorely', 'tunnel', 'nuances', 'chocolately', 'describing', 'sulfite',
'healthfood', 'ick', 'barrel', 'compete', 'enemy', 'slit', 'sucked', 'slipped', 'swift', 'motion',
'retrieve', 'intolerant', 'weber', 'hulled', 'fluids', 'pocky', 'icy', 'chipped', 'asbach',
'supreme', 'natures', 'hollow', 'buggy', 'humid', 'scratched', 'bicycle', 'trigger', 'brutally', '
timers', 'bus', 'backed', 'tank', 'hats', 'stroke', 'lights', 'houses', 'rim', 'fueled',
'orangey', 'pearl', 'factors', 'cappucino', 'cloud', 'liter', 'ah', 'smiles', 'barn', 'inspected',
'risks', 'ocean', 'pissed', 'extended', 'bosch', 'trinity', 'integrated', 'mentioning', 'kicks', '
primo', 'kitamu', 'technology', 'pushed', 'thereby', 'dynamic', 'vice', 'disgusted', 'looses',
'scarce', 'apiece', 'mature', 'plucked', 'unfurl', 'releasing', 'jalape', 'dominates', 'yucateco',
'purer', 'fend', 'basset', 'anal', 'pumpkins', 'pesticide', 'penetrate', 'fiend', 'shelties', 'ins
tinct', 'puzzle', 'premier', 'dude', 'sheltie', 'tast', 'receipe', 'thorough', 'updating',
'status', 'periodic', 'preferring', 'apso', 'ymmv', 'realistic', 'husbands', 'carrageenan',
'sorts', 'classique', 'equivalents', 'apricot', 'harney', 'russian', 'feedback', 'doxie',
'rinsing', 'teff', 'recalled', 'corned', 'hash', 'mayonaise', 'thickened', 'nutritive', 'weaning',
'pellets', 'prob', 'survey', 'hay', 'dug', 'dud', 'bailey', 'ryvita', 'crispbread', 'distasteful',
'thousands', 'davinci', 'obscure', 'creatine', 'claimed', 'autolyzed', 'seventies', 'potion',
'flavonoids', 'iraq', 'hall', 'nick', 'believer', 'necessity', 'gulped', 'shorthair', 'laxatone',
'introduction', 'aggressively', 'socks', 'hunter', 'insanely', 'hundred', 'crusted', 'greater', 'c
holestrol', 'valentine', 'travelling', 'bouquet', 'falcon', 'smallest', 'faintly', 'breadsticks',
'chlorella', 'algae', 'brocolli', 'endocrine', 'leach', 'translate', 'temporary', 'baffled', 'mess
ed', 'brined', 'thighs', 'gastro', 'dissapoint', 'rabbit', 'cellophane', 'drool', 'wag',
'regional', 'papa', 'guinea', 'oxygen', 'oxidized', 'outdone', 'hiking', 'infants', 'brezza',
'honeyville', 'definetly', 'kernals', 'misled', 'shaved', 'unsure', 'instants', 'hagen',
'distilled', 'belive', 'grinders', 'tote', 'contented', 'bellies', 'listings', 'reveals',
'monitor', 'church', 'defintely', 'dispense', 'dropper', 'continually', 'refilling', 'frostings',
'caliber', 'rewarded', 'resembled', 'cave', 'mask', 'glory', 'conscientious', 'draining', 'argue',
'oftentimes', 'fluctuate', 'unreasonable', 'discounts', 'swears', 'perpetual', 'recycle',
'exaggerating', 'genuinely', 'streak', 'astounded', 'solidify', 'confidence', 'splurge',
'scorpion', 'encounter', 'audience', 'appalled', 'insect', 'killing', 'relationship', 'vomit', 'th
rill', 'oddly', 'involves', 'polar', 'pride', 'shy', 'educated', 'par', 'arnold', 'expose', 'nibbl
rill', 'oddly', 'involves', 'polar', 'pride', 'shy', 'educated', 'par', 'arnold', 'expose', 'nibbl
es', 'chooses', 'hazel', 'detox', 'lebanese', 'lard', 'aveda', 'flaking', 'firmly', 'contributed',
'complimentary', 'impressions', 'sixty', 'schnauzer', 'irritation', 'irritated', 'topically',
'guest', 'theres', 'alittle', 'refridgerate', 'chewable', 'pig', 'spiderman', 'pez', 'dispensers',
'captain', 'dimension', 'accented', 'louisiana', 'remorse', 'sylvia', 'inquired', 'oatcakes', 'toa
sting', 'infusers', 'cm', 'blossoms', 'machinery', 'stamp', 'unsettling', 'illusion', 'dorset', 't
ier', 'chickpeas', 'crisps', 'anchovies', 'deception', 'unnatural', 'shippers', 'discard',
'sachet', 'brisk', 'vibrant', 'professionals', 'clumpy', 'snows', 'bumble', 'comparative', 'anyway
s', 'columbia', 'doubling', 'warheads', 'corks', 'individuals', 'vivid', 'deserts', 'decorated', '
tot', 'overboard', 'daddy', 'sinfully', 'redeeming', 'netherlands', 'insane', 'margin', 'monster',
'gels', 'unpalatable', 'demanding', 'vitality', 'undertone', 'ratings', 'flu', 'tracks', 'bf', 'us
er', 'caused', 'bouts', 'located', 'mites', 'abide', 'swallowing', 'rishi', 'stix', 'overcook', 'b
rie', 'settings', 'defeats', 'earns', 'carnival', 'alongside', 'scott', 'mailing', 'chickens', 'ba
rgains', 'shepherds', 'boss', 'altho', 'dramatic', 'personality', 'frap', 'cc', 'molds', 'feb', 'd
osage', 'blair', 'confirming', 'hardens', 'temperatures', 'wiped', 'towels', 'pleasingly', 'airy',
'ws', 'ladies', 'gingersnaps', 'shortbread', 'legit', 'stare', 'developing', 'committed',
'cocker', 'spaniel', 'operator', 'breasts', 'resembling', 'suspension', 'proclaims', 'customize',
'melange', 'cleanliness', 'goldfish', 'frothed', 'sec', 'compelled', 'alzheimer', 'letdown',
'healing', 'pin', 'fluoridated', 'cancers', 'ro', 'darkest', 'fiji', 'mud', 'humor', 'definetely',
'pirates', 'booty', 'verona', 'submitted', 'expense', 'dreaded', 'politely', 'apology',
'differences', 'bowling', 'unsuspecting', 'duped', 'luna', 'matching', 'aspen', 'mulling',
'theory', 'utilized', 'laxative', 'monotonous', 'suprised', 'charred', 'liberally', 'spilled', 'pl
ated', 'johnny', 'sentence', 'gasp', 'traverse', 'fest', 'cheetos', 'flowering', 'heartland',
'ciders', 'cocoas', 'caff', 'clearance', 'perfected', 'collapse', 'pic', 'grandson', 'delete', 'ac
hieved', 'suprise', 'substitution', 'dietician', 'pilaf', 'staples', 'flips', 'shrunk', 'twelve',
'maid', 'goof', 'toothless', 'cheeseburger', 'lastly', 'crossing', 'pal', 'nailed', 'apocalypse',
'vitacoco', 'closet', 'queasy', 'handbag', 'puzzled', 'shoulder', 'transplant', 'tiramisu',
'despair', 'escaped', 'alternating', 'environmentally', 'seedlings', 'postum', 'avenue', 'chuck',
'awsome', 'wierd', 'gadget', 'pureeing', 'leech', 'appliance', 'recomendation', 'unpredictable', '
flops', 'jellybeans', 'nebraska', 'oolong', 'toasty', 'mi', 'narrowed', 'enhancement', 'elusive',
'relive', 'moreover', 'cartoon', 'argument', 'distribution', 'media', 'leafy', 'standpoint', 'poo'
, 'goodbye', 'circulation', 'restuarant', 'bombay', 'tooberry', 'everyones', 'village',
'existent', 'understood', 'prove', 'purrfectly', 'violently', 'neon', 'ooze', 'wall', 'disabled',
'element', 'dv', 'poulet', 'saut', 'kitchens', 'fruitcakes', 'mas', 'pub', 'utz', 'rec',
'facilitate', 'mothers', 'surf', 'statins', 'exercising', 'benecol', 'abuse', 'facing', 'forces',
'precursor', 'melatonin', 'induce', 'sleepless', 'safer', 'recived', 'unattractive', 'waits', 'lee
', 'kum', 'kee', 'shallots', 'envelope', 'argued', 'soothes', 'lucy', 'roaches', 'captured', 'gnat
s', 'theyre', 'electrical', 'investigate', 'thumb', 'terrarium', 'roots', 'jugs', 'baronet',
'sustenance', 'mangos', 'bees', 'themed', 'receipes', 'bragg', 'capuccino', 'taffy', 'sp',
'microwaved', 'hamilton', 'exceeds', 'repurchase', 'volumes', 'consistant', 'prunes', 'lovingly',
'pralines', 'unadulterated', 'geriatric', 'toppers', 'wolfs', 'spatula', 'insist', 'stack',
'graduates', 'mocktails', 'ys', 'cities', 'skimmed', 'deployed', 'murky', 'turbo', 'squirts', 'bul
ls', 'paperwork', 'exp', 'attachment', 'slab', 'fo', 'ti', 'friggin', 'rottweiler', 'cajun',
'pun', 'overlooked', 'raving', 'disregard', 'reflective', 'salami', 'curing', 'rotten', 'tuscan',
'alfredo', 'fukien', 'secured', 'cardio', 'rigorous', 'retention', 'tandoori', 'crockpot', 'fla',
'springer', 'spaniels', 'behavior', 'net', 'zatarain', 'chaser', 'mitigated', 'rapunzel',
'krogers', 'meijers', 'metabolism', 'foie', 'bariani', 'videos', 'weruva', 'leathers', 'mound', 'b
eaba', 'functions', 'frothy', 'fluffier', 'woody', 'weed', 'coverage', 'capers', 'idiot',
'appreciates', 'lung', 'thinly', 'dixie', 'cylinder', 'magazine', 'experimentation', 'peppered', '
regulatory', 'authority', 'regulation', 'position', 'agency', 'affecting', 'scream', 'beleive', 'g
randdaughter', 'pooh', 'printed', 'pipe', 'nespresso', 'project', 'lead', 'guarantees',
'placement', 'hesitation', 'youngest', 'lightest', 'mixtures', 'horchata', 'tolerates',
'transitioning', 'farro', 'region', 'void', 'removes', 'challenged', 'ant', 'fox', 'motels',
'thier', 'pat', 'birch', 'switzerland', 'formulation', 'doubts', 'invite', 'summertime',
'promoted', 'defined', 'reconstitute', 'acerola', 'dilemma', 'doh', 'halfway', 'anticipating',
'heights', 'shaft', 'unwrapped', 'warrants', 'reap', 'shuns', 'listerine', 'gasoline', 'heading',
'java', 'bamboo', 'stomachache', 'calmer', 'exaggeration', 'pulverized', 'considers', 'ethnic', 'g
aram', 'masala', 'clarified', 'fruitcake', 'baklava', 'edensoy', 'battling', 'coach', 'alerted', '
kills', 'spine', 'carcass', 'bury', 'plugging', 'trusting', 'unimpressed', 'recognition',
'florets', 'inclusive', 'fulfilling', 'downfall', 'wintergreen', 'nostalgia', 'decoration',
'ribbons', 'teenagers', 'farther', 'blocks', 'snyder', 'discerning', 'jumps', 'scientifically', 't
olerant', 'buffet', 'charlie', 'flowery', 'withdrawals', 'teddy', 'beefy', 'igourmet', 'cheddars',
'chop', 'boiler', 'harmless', 'width', 'fragile', 'shift', 'plentiful', 'foul', 'gravies',
'henry', 'nostalgic', 'planter', 'brightness', 'tri', 'faith', 'marketers', 'promises',
'sufferer', 'giddy', 'channa', 'branches', 'mock', 'chile', 'whirl', 'anna', 'tobasco', 'copious',
'sweats', 'scotch', 'hotels', 'palates', 'grat', 'unanimous', 'strictly', 'meatloaf',
'recommendations', 'milligrams', 'quibble', 'scored', 'inevitably', 'blenders', 'altered',
'hydrates', 'plays', 'batteries', 'probe', 'fuhgeddaboutit', 'novelty', 'shortbreads', 'vanillin',
'viscous', 'thingy', 'published', 'leathery', 'adventure', 'blob', 'brains', 'melamine',
'shihtzu', 'sniff', 'involve', 'crispness', 'faithful', 'referring', 'priority', 'department', 'lu
v', 'hirt', 'gardens', 'enclosed', 'ashamed', 'funbites', 'eczema', 'applying', 'rash', 'cycling',
'meyer', 'iffy', 'tabouli', 'rios', 'blanc', 'et', 'noir', 'recover', 'overcome', 'curse',
'experimental', 'envy', 'scary', 'canidae', 'felidae', 'encased', 'lively', 'healthily',
'unfortunate', 'itch', 'circular', 'motions', 'lisa', 'ct', 'rapid', 'juicing', 'assortments',
'outweigh', 'crunches', 'bundt', 'streusel', 'doneness', 'odorless', 'suscribe', 'fritos', 'grandp
a', 'thyroid', 'screamed', 'jobs', 'valrhona', 'yielded', 'backup', 'objectionable',
'accomplished', 'estimation', 'sherbet', 'keto', 'slot', 'celebrate', 'efforts', 'cesar',
'misses', 'steviaclear', 'formaldehyde', 'polish', 'stacy', 'oi', 'tan', 'comstock', 'mmm', 'maria
'misses', 'steviaclear', 'formaldehyde', 'polish', 'stacy', 'oi', 'tan', 'comstock', 'mmm', 'maria
ni', 'trout', 'wander', 'winners', 'felines', 'russell', 'gem', 'combos', 'wolf', 'frito',
'illinois', 'ring', 'ringing', 'bothered', 'unfortunatly', 'ingedients', 'irritate', 'frizzy',
'commenting', 'readers', 'scan', 'reflect', 'chana', 'hextra', 'aussie', 'watches', 'wimpy',
'fired', 'fighting', 'greenish', 'concession', 'vast', 'decently', 'litters', 'litterbox',
'unscented', 'masking', 'glutamate', 'resorted', 'monosodium', 'qt', 'countertop', 'spreads',
'guessed', 'tide', 'complains', 'rough', 'founded', 'jacob', 'generated', 'armour', 'closets', 'ro
oms', 'sue', 'benefitted', 'operated', 'entered', 'berkshire', 'shares', 'symbol', 'upc',
'million', 'liner', 'occupies', 'cubic', 'digit', 'ceiling', 'dimensions', 'towers', 'multiply', '
expressed', 'digits', 'award', 'elements', 'peachy', 'irresistible', 'explore', 'mums', 'rodents',
'spayed', 'gravity', 'earthborn', 'shudder', 'esophagus', 'flavia', 'alterra', 'belief',
'invested', 'fooling', 'pomegranates', 'strike', 'aback', 'yucky', 'touts', 'leaner', 'visually',
'popcorners', 'december', 'novoandina', 'printing', 'contaminate', 'ethylene', 'ripen',
'presence', 'generating', 'damaging', 'hazardous', 'tape', 'judy', 'antlers', 'regiment',
'everthing', 'wavy', 'dragging', 'cozy', 'endurance', 'biking', 'kombucha', 'gigantic', 'merrick',
'mount', 'spoiling', 'frontier', 'mickey', 'goofy', 'ambassador', 'purported', 'cared', 'entice',
'commit', 'bodum', 'preventative', 'episodes', 'endless', 'dissapointment', 'hairline', 'retreat',
'rear', 'guard', 'defeat', 'tremendous', 'yup', 'smokes', 'decanter', 'hikes', 'quencher', 'chock'
, 'breathe', 'flew', 'jackpot', 'necessities', 'orginal', 'rancher', 'vino', 'italiano', 'reds',
'valpolicella', 'ranges', 'abv', 'metabisulfite', 'fullness', 'blocked', 'bladder', 'promising', '
clump', 'oilier', 'duh', 'patrick', 'valerian', 'stonewall', 'notoo', 'wins', 'tidbits',
'absolutly', 'mccormick', 'mentions', 'cultural', 'britain', 'queen', 'masked', 'maranatha', 'over
cooking', 'chestnuts', 'chestnut', 'duds', 'nummy', 'chefs', 'squeezing', 'jus', 'pomace', 'contro
versial', 'organisms', 'dna', 'toxins', 'saucer', 'aerogarden', 'dh', 'posts', 'tending', 'amt', '
gardener', 'labor', 'po', 'estimate', 'diagnose', 'sixth', 'seventh', 'glitch', 'reused',
'ingested', 'bingo', 'gut', 'rumbling', 'incidents', 'proves', 'ingestion', 'nuisance', 'goo', 'du
nno', 'vehicle', 'crumby', 'attract', 'mice', 'hardness', 'nesquik', 'planned', 'favored', 'pam',
'pyramids', 'aesthetically', 'transferring', 'accessible', 'alarming', 'pry', 'fitting',
'doorstep', 'putrid', 'sandpaper', 'devoured', 'similarity', 'brits', 'maruchan', 'papillon', 'dra
wbacks', 'rainforest', 'wisdom', 'carring', 'sans', 'sucre', 'mousse', 'fa', 'sloppy', 'broad', 'f
laxseeds', 'floored', 'remedied', 'lindor', 'accommodate', 'hugely', 'dogfood', 'truthful',
'steakhouse', 'rodney', 'upped', 'hurts', 'rabbits', 'attach', 'piping', 'bulky', 'bam',
'stamina', 'seat', 'perception', 'fatigue', 'prairie', 'bison', 'pinches', 'cork', 'spanish',
'paella', 'crud', 'microwaving', 'amazons', 'discription', 'clark', 'omaha', 'spongy',
'inevitable', 'kenny', 'draws', 'turducken', 'clicks', 'stranger', 'chevre', 'chedder',
'fascinating', 'fifty', 'jumbled', 'duplicates', 'vermont', 'lodge', 'kopi', 'ez',
'inappropriate', 'unscrewed', 'wetting', 'fabric', 'softener', 'detergent', 'fondly', 'gail',
'beany', 'breading', 'roma', 'thawed', 'stimulation', 'flexibility', 'reverse', 'chug', 'alpha', '
immensely', 'kracker', 'thinned', 'taro', 'coincidence', 'koolaid', 'sediment', 'chugged',
'acceptance', 'boyardee', 'pointless', 'religiously', 'patent', 'veranda', 'unsuccessful',
'parboil', 'tamed', 'hybrid', 'metro', 'smoothy', 'yummm', 'spoken', 'saltiest', 'rotation', 'perm
eate', 'perforated', 'dispose', 'quicker', 'greased', 'castor', 'neem', 'massage', 'instructor', 'r
elations', 'pics', 'lego', 'cornmeal', 'les', 'breastfed', 'spooned', 'rotini', 'bonito', 'scarf',
'petting', 'attic', 'teams', 'sprouter', 'seeped', 'tryed', 'timmy', 'carol', 'detest', 'jovial',
'limping', 'snickers', 'tremendously', 'weighing', 'carrier', 'deaths', 'tick', 'upsetting',
'edition', 'reminder', 'korma', 'sno', 'mackerel', 'org', 'kongs', 'study', 'glasses', 'inform', '
administration', 'beam', 'declared', 'nada', 'creatures', 'drew', 'overdue', 'discontinuing',
'perfecting', 'insufficient', 'iam', 'krave', 'nuking', 'meld', 'walkers', 'toffees', 'roni',
'truthfully', 'amaretto', 'yumm', 'praline', 'carcinogens', 'gmos', 'boycotting', 'monsanto',
'poached', 'tao', 'pu', 'erh', 'composition', 'rotating', 'snuck', 'cowboy', 'grammy',
'overwhelmed', 'dominate', 'cyclone', 'onecup', 'vomits', 'pyrenees', 'coolest', 'clearing',
'hopped', 'unnecessarily', 'conducted', 'functional', 'meanwhile', 'dan', 'insipid',
'blackcurrant', 'marts', 'surpasses', 'killer', 'energizing', 'maca', 'cellar', 'ab', 'silicone',
'gasket', 'reuse', 'pears', 'thaw', 'baseball', 'cards', 'walgreen', 'poland', 'shocking', 'antler
', 'genmai', 'cha', 'subtler', 'fitness', 'reluctant', 'exceptions', 'promotes', 'aromatics',
'pressing', 'feat', 'parfait', 'nips', 'university', 'spell', 'widespread', 'improperly', 'climb',
'favorful', 'artisan', 'cincinnati', 'lecture', 'doc', 'civilized', 'approach', 'diameter',
'bassett', 'pastes', 'denver', 'resembles', 'modern', 'ikea', 'assemble', 'cos', 'gear',
'palpitations', 'lable', 'condo', 'inhale', 'muir', 'glen', 'hodgson', 'recieve', 'manischewitz',
'snickerdoodles', 'doughnuts', 'slippery', 'shampooing', 'tangles', 'anchovy', 'blessed',
'measly', 'chun', 'donates', 'distracting', 'noise', 'quieter', 'singular', 'notreat', 'napkin', '
neccos', 'barking', 'fireworks', 'devouring', 'pounce', 'shortening', 'weaned', 'softened',
'yogart', 'papaya', 'crunchmaster', 'foolish', 'tmj', 'spry', 'rounds', 'curds', 'particles', 'irr
egular', 'swedish', 'swim', 'craved', 'stretchy', 'convience', 'ferrets', 'approve',
'indigestible', 'manufacture', 'incorporates', 'kg', 'deboned', 'lycopene', 'kelp', 'taurine',
'hydrochloride', 'yucca', 'schidigera', 'lactobacillus', 'bacillus', 'longum', 'enterococcus', 'fa
ecium', 'closure', 'scooped', 'bin', 'tied', 'postal', 'crystallized', 'artisana', 'tipped',
'grittiness', 'marginally', 'heritage', 'devil', 'understandable', 'needles', 'compatible',
'margaritas', 'wishes', 'bella', 'ferrara', 'lemonheads', 'cherryheads', 'pliable', 'realy',
'succulent', 'straightforward', 'keys', 'sonic', 'spikes', 'depot', 'tek', 'stability', 'nite', 's
cones', 'alkaline', 'believing', 'hummus', 'immediatly', 'ener', 'mmmmmmm', 'wasa', 'boat',
'pizzeria', 'bakes', 'polished', 'responded', 'diner', 'omelets', 'claw', 'renal', 'firstly', 'jif
fy', 'menthe', 'alaskan', 'ash', 'mars', 'dc', 'exam', 'grabs', 'understatement', 'leftovers', 'fe
stive', 'peeps', 'wards', 'mustards', 'pleaser', 'assault', 'rays', 'centers', 'pomeranian',
'lodged', 'rapadura', 'imparts', 'deplete', 'inadequate', 'georgia', 'deposits', 'millions',
'suspiciously', 'sambar', 'megafudge', 'premeasured', 'joining', 'atomic', 'strongest',
'abdominal', 'subsided', 'sooooooo', 'scout', 'wrappings', 'conditioning', 'dreaming', 'lucid', 'g
auge', 'boullion', 'pity', 'poops', 'tincture', 'investigation', 'varity', 'ingrediants',
auge', 'boullion', 'pity', 'poops', 'tincture', 'investigation', 'varity', 'ingrediants',
'survival', 'chair', 'stroller', 'pillsbury', 'slosh', 'flossie', 'outing', 'represent',
'mezzetta', 'distinguishes', 'composting', 'hip', 'soaks', 'iherb', 'maggi', 'mildest',
'population', 'amongst', 'converting', 'negatives', 'chantea', 'vera', 'pulpy', 'appreciative',
'figures', 'tails', 'guatemalan', 'tilapia', 'overflow', 'melita', 'pallet', 'mode', 'cease', 'soj
os', 'honeys', 'overcooked', 'refusing', 'wolfed', 'deterrent', 'therein', 'runner', 'biotin', 'bl
og', 'evidence', 'medela', 'upright', 'honeysuckle', 'oskri', 'meltdown', 'brighter', 'cooling', '
counterpoint', 'agents', 'snot', 'poptarts', 'tannin', 'tannins', 'bakeries', 'plane', 'cubicle',
'drake', 'robbery', 'uht', 'gloppy', 'zingy', 'terra', 'verdict', 'refreshment', 'foodstuffs', 'br
oiled', 'fence', 'leavening', 'avoidance', 'disposed', 'deducting', 'rancilio', 'portafilter', 'sh
ave', 'loco', 'pirate', 'jewels', 'screaming', 'lacked', 'robert', 'cheeze', 'quarters',
'demitri', 'tostitos', 'stem', 'seldom', 'plugged', 'wires', 'swing', 'potter', 'shavings', 'skunk
', 'thrifty', 'scents', 'messes', 'absence', 'groom', 'saliva', 'perks', 'blowing', 'slush', 'magn
um', 'sundae', 'nitrate', 'kickin', 'jerkies', 'siu', 'joined', 'ichiban', 'ey', 'ww', 'sublime',
'wretched', 'paleo', 'garbanzo', 'hr', 'retro', 'craisins', 'krups', 'damp', 'gravel', 'polite', '
fruition', 'dissipates', 'compromised', 'li', 'hing', 'elbow', 'stupidly', 'dexter', 'ahh',
'differing', 'nugget', 'pours', 'milkshake', 'stamped', 'uniform', 'leap', 'sunny', 'race',
'predominately', 'imagining', 'inaccurate', 'repeating', 'cavenders', 'stashed', 'kim', 'kronung',
'casually', 'platinum', 'channel', 'provence', 'werther', 'muscles', 'specs', 'demanded',
'employees', 'incentive', 'tidy', 'cited', 'cars', 'paragon', 'marine', 'cosmetic', 'relevant', 'f
lavorable', 'creeping', 'concentration', 'instructs', 'observation', 'wean', 'horrified',
'galore', 'prohibitive', 'disguise', 'sicily', 'perfumy', 'sore', 'tastings', 'aerator', 'bubbly',
'variations', 'resounding', 'husks', 'sizing', 'mis', 'nickel', 'downsides', 'staleness',
'frosted', 'solves', 'nesco', 'feta', 'ridges', 'vegemite', 'bullion', 'teeny', 'tumbler',
'collected', 'views', 'coz', 'brisket', 'trim', 'plantations', 'scooper', 'scoops', 'smokiness', '
simplicity', 'cultures', 'envelop', 'responds', 'llc', 'milling', 'crawl', 'tummies', 'proudly', '
listened', 'discrepancy', 'strengthen', 'spenda', 'ritter', 'upstairs', 'injected', 'bands', 'mois
tness', 'akin', 'recognized', 'energizer', 'nervousness', 'stimulants', 'handsome', 'grapes',
'vinegars', 'bandwagon', 'pardon', 'storm', 'beast', 'bjs', 'fleur', 'sel', 'celebrity', 'stride',
'longevity', 'shes', 'effected', 'voice', 'sends', 'novel', 'shi', 'pooping', 'greyhounds', 'senio
rs', 'recovery', 'hangovers', 'dandelion', 'soynut', 'isolate', 'diglycerides', 'possibilities', '
menadione', 'bisulfite', 'rats', 'lesions', 'cells', 'inclusion', 'chilli', 'idiots',
'confirmation', 'vase', 'financial', 'saeco', 'chinatown', 'mein', 'treasures', 'sodastream',
'coriander', 'sprig', 'wears', 'cheeks', 'spitz', 'corns', 'clinical', 'tasks', 'passes', 'prescri
bed', 'giants', 'uber', 'essentials', 'burner', 'frosty', 'buckets', 'conch', 'ethan',
'confirmed', 'thinning', 'slurp', 'pause', 'nozzle', 'quenching', 'bs', 'permanently', 'agony', 'h
orrendous', 'moaning', 'noxious', 'serendipitea', 'chocolove', 'denta', 'attitude', 'reacting', 'w
arts', 'notil', 'resigned', 'albertsons', 'ralphs', 'habitual', 'puerto', 'rican', 'hostess', 'min
cemeat', 'ropes', 'dinosaur', 'requiring', 'flash', 'glucose', 'phased', 'receipt', 'clings', 'dis
appoints', 'lengths', 'sir', 'bentley', 'dandy', 'bleeding', 'menstrual', 'hormonal',
'intervention', 'crepe', 'eatable', 'tempted', 'restrictions', 'peanutty', 'lhasa', 'bi',
'prickly', 'botanical', 'veges', 'routinely', 'audio', 'dial', 'dressings', 'annoyance', 'notion',
'johnson', 'mead', 'copied', 'abbott', 'screwed', 'isolated', 'digests', 'nuked', 'whoa',
'stairs', 'leeper', 'sb', 'crowns', 'manually', 'circus', 'blows', 'catching', 'iodine',
'iodized', 'ralph', 'bases', 'ecstasy', 'restrict', 'decadence', 'pineapples', 'components',
'cried', 'cracks', 'driveway', 'adapter', 'stirs', 'tic', 'tac', 'tacs', 'arranged', 'bonomo', 'br
at', 'peeling', 'sinking', 'locked', 'thirty', 'contemplating', 'calculate', 'saffron', 'cakey', '
academy', 'sciences', 'kingdom', 'frutose', 'enought', 'shifts', 'fields', 'ratios', 'smallish', '
freedom', 'acesulfame', 'safest', 'linked', 'molecule', 'raises', 'bells', 'poisoned', 'vox', 'mai
lbox', 'deprived', 'callebaut', 'weiss', 'kluski', 'regions', 'savored', 'communication',
'frugal', 'spicing', 'kindle', 'inserted', 'rubbed', 'uti', 'bicarbonate', 'cofee', 'doubleshot',
'theatre', 'carboy', 'casing', 'casings', 'turbinado', 'nutcracker', 'annoys', 'lunchtime',
'mallo', 'lilly', 'shelled', 'stabilize', 'differnt', 'moose', 'cadet', 'portuguese', 'justin', 'f
aux', 'ambrosia', 'virtuous', 'ignores', 'junky', 'lottery', 'grounded', 'gsd', 'beginner', 'wrest
ling', 'jacks', 'tex', 'mex', 'infinitely', 'deserving', 'flight', 'decorate', 'displaying',
'urination', 'inability', 'horrifying', 'veterinarians', 'consulting', 'displayed', 'puroast',
'teens', 'ammount', 'heartedly', 'browning', 'sojo', 'ala', 'unreal', 'enables', 'inflammatory', '
smoking', 'rejects', 'masks', 'antibiotic', 'steroid', 'gumball', 'gumballs', 'grandaughter',
'cf', 'workplace', 'excuses', 'responses', 'jordan', 'undercook', 'undoubtedly', 'evil', 'vent', '
siamese', 'yak', 'triangle', 'digested', 'toe', 'purchaser', 'responsibility', 'swimming', 'unfilt
ered', 'loma', 'linda', 'franks', 'refrig', 'dancing', 'tjmaxx', 'chilly', 'aunts', 'staining', 'c
lerk', 'booda', 'mn', 'hometown', 'scarfs', 'overfeed', 'tractor', 'chart', 'cellulose',
'redbull', 'dice', 'rogers', 'kennel', 'farming', 'prune', 'increasingly', 'halved', 'drag',
'fondue', 'cologne', 'shirt', 'imbalance', 'bothering', 'outs', 'markers', 'kramer', 'sporting', '
driver', 'kippers', 'oscar', 'noises', 'lifting', 'pasteurized', 'squid', 'develops', 'layered', '
forte', 'leafs', 'absurdly', 'ignoring', 'vit', 'largely', 'mediterranean', 'dusting', 'tech', 'oo
zing', 'seating', 'peroxide', 'selenium', 'kringle', 'cheeper', 'laffy', 'convincing', 'stringy',
'mouthful', 'wimp', 'freshening', 'whoppers', 'presently', 'chilies', 'competitors', 'dominican',
'carne', 'befor', 'urban', 'oooh', 'puerh', 'gravitate', 'iowa', 'pizzle', 'progress',
'painfully', 'reseller', 'complications', 'dynamite', 'dijon', 'outrage', 'marmalades',
'representatives', 'ireland', 'refresh', 'pumpernickel', 'steroids', 'kups', 'failing', 'honee', '
umm', 'grazing', 'timer', 'steals', 'eventhough', 'fuzzy', 'struggling', 'spirits', 'dries',
'remark', 'commendable', 'yea', 'grownups', 'err', 'snobs', 'maltitol', 'distress', 'jarritos', 's
wollen', 'caesar', 'broil', 'improving', 'expression', 'delicately', 'february', 'query',
'unreliable', 'nonstick', 'shoyu', 'dippers', 'nugo', 'bottomless', 'q', 'preferably', 'oppose', '
moroccan', 'tulsi', 'guava', 'cactus', 'isle', 'jura', 'partake', 'deceiving', 'miller', 'backs',
'fedex', 'sidewalk', 'scouts', 'edited', 'entertainment', 'vacationing', 'doggy', 'qualms', 'singl
es', 'expecially', 'recycling', 'strenuous', 'fluke', 'innovative', 'slug', 'mutant', 'hectic', 's
es', 'expecially', 'recycling', 'strenuous', 'fluke', 'innovative', 'slug', 'mutant', 'hectic', 's
howing', 'accidents', 'attacked', 'expects', 'blobs', 'tweaking', 'relieves', 'manages', 'hop', 'w
agon', 'bending', 'smoker', 'yearly', 'slogan', 'engaged', 'reservation', 'overeat', 'tighten',
'pants', 'dachshunds', 'moral', 'destructive', 'lump', 'upload', 'allie', 'absorbing',
'ignorance', 'drawers', 'invert', 'specials', 'remembers', 'blanket', 'tacky', 'parasite', 'thee',
'caffein', 'scraps', 'orbit', 'fresca', 'concluded', 'conduct', 'weapon', 'crossed', 'bevmo', 'mar
aschino', 'continuously', 'smidge', 'cottonseed', 'equipment', 'cous', 'folate', 'tamari', 'ragu',
'formulations', 'chloride', 'findings', 'stimulate', 'dependent', 'aggravating', 'attacks',
'tumors', 'respiratory', 'rodent', 'neotame', 'scientists', 'researchers', 'adverse', 'molecular',
'caster', 'chopper', 'sinks', 'echo', 'halves', 'dissappointing', 'zhena', 'powerbar', 'unfair', '
realistically', 'rotates', 'monk', 'freshener', 'rotate', 'toothbrush', 'suites', 'motel',
'dressed', 'brit', 'shallow', 'yer', 'career', 'obtaining', 'nestl', 'cornflakes', 'rusty', 'tha',
'historically', 'beta', 'advantages', 'guarana', 'chipmunks', 'wildlife', 'rains', 'principal', 'f
lavorfull', 'sexual', 'references', 'classroom', 'mtr', 'wanna', 'pampered', 'cutter', 'sever', 'd
ifficulties', 'theses', 'requests', 'hallmark', 'coarsely', 'exclusive', 'exceed', 'sandy', 'crab'
, 'yuban', 'athletes', 'puddings', 'egcg', 'overpowers', 'minnesota', 'marshalls', 'impatient', 'f
ifteen', 'diminish', 'checkups', 'downed', 'contradictory', 'kili', 'progressively', 'reusing', 'b
orders', 'rushed', 'keen', 'custom', 'resolution', 'unbelievably', 'wilbur', 'scramble',
'sifting', 'sift', 'sifted', 'pathetic', 'dreamy', 'andes', 'chubby', 'beige', 'cbtl', 'briosa', '
sorbitol', 'infact', 'mauna', 'loa', 'bless', 'hanover', 'underweight', 'totw', 'foodies',
'caravan', 'versa', 'ahhh', 'flashes', 'apprehensive', 'fore', 'resource', 'spigot', 'noting', 'ca
nes', 'aerated', 'shellfish', 'cvs', 'pharmacy', 'tuck', 'badia', 'complicated', 'defiantly', 'per
ishable', 'trashed', 'tile', 'labs', 'patio', 'rome', 'perspective', 'suspected', 'crispier', 'pei
', 'loc', 'journal', 'peets', 'cleveland', 'berkeley', 'bred', 'independent', 'newspaper',
'byproduct', 'lungs', 'blooming', 'valued', 'whats', 'ole', 'satified', 'settles', 'bottarga', 'pr
omoting', 'ridding', 'cautions', 'purely', 'vie', 'newborn', 'vegas', 'pistachios', 'mealy', 'dawn
', 'pastries', 'involving', 'beginners', 'decafs', 'heartbeat', 'escargot', 'sought', 'jolokia', '
erase', 'debate', 'therapist', 'cigarette', 'peat', 'pellet', 'germinated', 'nursery', 'spider', '
presentable', 'wraped', 'qualify', 'tricalcium', 'copper', 'expeller', 'incident', 'conserve', 'gi
rlfriends', 'youngsters', 'climbing', 'refills', 'typhoo', 'kiddos', 'nuclear', 'eggplant',
'studied', 'champagne', 'ferment', 'volatile', 'hydrogen', 'contribution', 'psoriasis', 'descent',
'gout', 'cleanser', 'husky', 'horribly', 'isles', 'currant', 'currants', 'dvd', 'xylosweet', 'aver
sion', 'omegas', 'tradeoff', 'marathons', 'painless', 'softens', 'shortcake', 'watcher',
'purebites', 'donna', 'phillips', 'piquant', 'austria', 'seizures', 'seizure', 'fromm', 'turf', 'r
oobios', 'snail', 'nicotine', 'examples', 'forums', 'chi', 'honesty', 'colon', 'freeway',
'wrigley', 'blackbox', 'dop', 'microwaveable', 'tunnels', 'highway', 'popovers', 'stiffness', 'thi
nkthin', 'gifted', 'overlook', 'emptor', 'ur', 'expertise', 'legend', 'drowning', 'greys',
'spagetti', 'onset', 'crawlers', 'hardware', 'manicotti', 'lasagne', 'gnawhide', 'cavalier', 'char
les', 'jammed', 'jealous', 'eleven', 'teachers', 'loyalty', 'furikake', 'network', 'marinades', 'c
ommend', 'task', 'panama', 'optimistic', 'abc', 'policies', 'eligible', 'refunding', 'hyson', 'gun
', 'threads', 'originates', 'constructed', 'independently', 'amused', 'pheromone', 'wrinkle',
'alliance', 'commodity', 'acres', 'commitment', 'performs', 'vacuumed', 'ibs', 'joking',
'inoffensive', 'serves', 'slurping', 'mastiff', 'elk', 'gee', 'savers', 'sanitary', 'doll',
'faced', 'tahitian', 'asia', 'piqued', 'utensils', 'sing', 'nt', 'marker', 'tasts', 'plums', 'sout
heastern', 'breaded', 'tbs', 'porridge', 'gal', 'hersey', 'umami', 'equate', 'educate',
'wishlist', 'proceed', 'performing', 'clinging', 'pupperoni', 'xantham', 'stopper', 'liberal',
'fred', 'steamy', 'electricity', 'butterfinger', 'elected', 'stephen', 'colleagues', 'inducing', '
justify', 'tucked', 'musketeers', 'fusilli', 'hartz', 'snubbed', 'danish', 'gunk', 'enamel',
'priceless', 'tony', 'yadda', 'external', 'view', 'chucks', 'refining', 'choclate', 'nutramigen',
'enchilada', 'droste', 'lifesavers', 'utilizing', 'salsas', 'wf', 'painted', 'thirds', 'kellog', '
pep', 'deemed', 'moreso', 'grillin', 'amore', 'corny', 'bribed', 'contributing', 'intriguing', 'so
ftly', 'flats', 'keemun', 'hives', 'glaceau', 'inka', 'granddaughters', 'gumpaste', 'sparse', 'cha
rcoal', 'inflation', 'swill', 'strings', 'moctails', 'mojitos', 'cheapo', 'clumped', 'possessed',
'stripes', 'cheesey', 'intensive', 'relieving', 'itchiness', 'bothersome', 'baconnaise',
'technical', 'marshmellow', 'israeli', 'xylichew', 'crystallize', 'pibb', 'existed', 'billy', 'gra
tification', 'fulfill', 'chomping', 'boosting', 'stik', 'leash', 'stinger', 'ace', 'seattles', 'di
ve', 'becasue', 'hee', 'highlight', 'nestles', 'toothsome', 'hosting', 'nu', 'beginnings',
'friendship', 'automated', 'incorporating', 'potatoe', 'saucy', 'es', 'que', 'tu', 'para', 'muy',
'bueno', 'este', 'producto', 'lunchboxes', 'unacceptable', 'averages', 'gorgeous', 'existence', 'b
lues', 'aero', 'nibbling', 'uplifting', 'akita', 'police', 'installed', 'haul', 'baste',
'trapping', 'picks', 'shit', 'approves', 'alergic', 'bushes', 'sparkle', 'pitiful', 'repackage', '
inadvertently', 'unrecognizable', 'mats', 'paw', 'mat', 'lyle', 'moore', 'purees', 'vintage', 'exp
ressing', 'disbelief', 'differs', 'gooseberries', 'oj', 'gerd', 'erythritol', 'dangerously',
'vegies', 'sensitivities', 'halal', 'upsets', 'sunkist', 'managers', 'prize', 'softball', 'tamper'
, 'inhaling', 'businesses', 'traffic', 'wheel', 'goooood', 'falafel', 'forbidden', 'fertilizer',
'stakes', 'greener', 'pickup', 'salivate', 'comprised', 'meh', 'vowed', 'oatmeals', 'scratchy', 't
ypo', 'rows', 'dated', 'purposely', 'producer', 'roses', 'coconutty', 'swanson', 'og', 'organo', '
ganoderma', 'reishi', 'posters', 'gulps', 'philippine', 'lg', 'briefcase', 'werent', 'kat',
'luwak', 'tbl', 'restocked', 'maui', 'believes', 'discriminating', 'accompanies', 'gouging',
'subscriber', 'regime', 'anxiously', 'orchids', 'exhorbitant', 'porcelain', 'reader',
'nutritionists', 'cliff', 'snapper', 'autumn', 'approaches', 'gallery', 'namely', 'hug', 'mercy',
'collect', 'featuring', 'spin', 'unfounded', 'sorta', 'guzzled', 'encouraging', 'willpower',
'vivani', 'alice', 'cinnamony', 'compensated', 'affiliation', 'meowing', 'craze', 'inserts', 'trad
itions', 'charms', 'tint', 'bengal', 'oriented', 'irrelevant', 'techniques', 'logged', 'luau',
'id', 'beagles', 'celebration', 'ethics', 'ware', 'squished', 'cruel', 'veins', 'convention', 'pho
tograph', 'vietnam', 'corp', 'nancy', 'nv', 'tubes', 'illustration', 'scoville', 'pediatrician', '
premixed', 'junior', 'screams', 'proflowers', 'television', 'octopus', 'wreck', 'hapi', 'fs',
'awaited', 'cousins', 'stood', 'veteran', 'decay', 'disintegrate', 'forthcoming', 'tullys',
'awaited', 'cousins', 'stood', 'veteran', 'decay', 'disintegrate', 'forthcoming', 'tullys',
'linden', 'centuries', 'induced', 'herbals', 'cuisinart', 'someplace', 'fortunes', 'providers', 'c
ontext', 'extruded', 'understands', 'sourcing', 'jewelry', 'canela', 'indonesian', 'revised',
'batman', 'ulcers', 'tendon', 'structure', 'unscrew', 'dinosaurs', 'milka', 'chin', 'acne',
'magically', 'frogs', 'randomly', 'satiate', 'boba', 'lineup', 'volcano', 'korea', 'grader', 'fibr
e', 'sheen', 'bht', 'pacing', 'offices', 'alarmed', 'gulden', 'logic', 'pointer', 'golean',
'throught', 'romantic', 'spiked', 'discussing', 'courteous', 'vouch', 'nitrite', 'intentions',
'funtime', 'symptom', 'colic', 'knees', 'resident', 'dino', 'drizzling', 'kidneys', 'las',
'ricotta', 'crispiness', 'schnauzers', 'josh', 'shattered', 'compensation', 'addendum', 'fades', '
connect', 'deterred', 'intestines', 'imaginable', 'martha', 'stewart', 'stepped', 'atrocious',
'flank', 'consistancy', 'sassy', 'bready', 'specialized', 'ing', 'capping', 'solidifies',
'beneath', 'abundant', 'enters', 'progressive', 'misrepresentation', 'manure', 'straightened', 'gy
psy', 'nutri', 'consult', 'receives', 'fungus', 'antibacterial', 'stateside', 'thyme',
'glutamates', 'claiming', 'execution', 'courtesy', 'pepino', 'gimmicky', 'philly', 'ripened', 'eri
c', 'weston', 'ron', 'howard', 'clint', 'andy', 'roles', 'fringe', 'managing', 'successful', 'stan
ley', 'soccer', 'stark', 'spelling', 'library', 'moves', 'gore', 'nastiness', 'revenge', 'actors',
'joseph', 'anchor', 'commentary', 'writer', 'trailer', 'booklet', 'pen', 'rootbeer', 'resturant',
'diamonds', 'yuzu', 'withstand', 'virtues', 'delallo', 'plantation', 'tour', 'seep', 'seam',
'language', 'climates', 'vegeta', 'meatless', 'toned', 'extend', 'colleague', 'sobe',
'passionate', 'swheat', 'globs', 'selecting', 'monitoring', 'pucks', 'assuage', 'experation',
'fights', 'flowing', 'sauteing', 'camellia', 'measures', 'searing', 'snake', 'glutenfreeda', 'econ
omic', 'vigo', 'tinny', 'airheads', 'fondarific', 'stupidity', 'session', 'squeezable',
'chocking', 'unexpectedly', 'sufficiently', 'bloodstream', 'schultz', 'palms', 'baths',
'williams', 'richly', 'hm', 'toxin', 'acquainted', 'sittings', 'gr', 'cedar', 'minded', 'goals', '
loops', 'injured', 'turnaround', 'muted', 'discomfort', 'maille', 'invention', 'touted', 'spiral',
'bp', 'mm', 'awesomeness', 'yankee', 'saltine', 'poodles', 'maximize', 'fertilizers', 'satiated',
'dehydrator', 'dizzy', 'irritable', 'jif', 'forum', 'timid', 'piper', 'shorted', 'vapor', 'greatne
ss', 'objective', 'overtone', 'skyrocketed', 'distinguishable', 'operation', 'owning', 'stella', '
rushing', 'italians', 'communion', 'discovery', 'emotionally', 'acidy', 'becuase', 'facial', 'rale
y', 'wattage', 'kap', 'clogging', 'fulfilled', 'resting', 'port', 'compelling', 'fulls',
'greenfire', 'riesling', 'readings', 'ummm', 'gorilla', 'steaz', 'jen', 'poppers', 'patients', 'ne
apolitan', 'vitamix', 'chorizo', 'political', 'jay', 'deem', 'celsius', 'sustain', 'frou',
'coffeemate', 'southwestern', 'whirly', 'larva', 'lure', 'vermicelli', 'thunder', 'insurance',
'hydrate', 'bewley', 'jimmies', 'jimmy', 'debbie', 'lima', 'nauseated', 'fruitier', 'beads', 'craf
t', 'suspicions', 'ironically', 'palmer', 'scanned', 'breastfeed', 'sucanat', 'willy', 'howdy',
'jokes', 'derivative', 'platter', 'sd', 'wi', 'moscato', 'walgreens', 'jbm', 'saint', 'president',
'lickin', 'prevention', 'carnivore', 'chewie', 'freaked', 'defect', 'rejoice', 'snatch',
'adolescent', 'crabmeat', 'panicked', 'sweetz', 'granular', 'floors', 'stylish', 'sunflowers', 'gl
ee', 'exceedingly', 'attraction', 'fungal', 'bruce', 'cures', 'therapeutic', 'multiples',
'measurement', 'potpourri', 'renamed', 'consumes', 'scores', 'choline', 'pantothenate',
'thiamine', 'mononitrate', 'pyridoxine', 'ferrous', 'iodate', 'selenite', 'munchy', 'chief',
'haired', 'tommy', 'disks', 'buggers', 'vain', 'putty', 'crates', 'destroyed', 'fulvic', 'blk', 'r
emnants', 'fizzies', 'fizzie', 'blindfold', 'closes', 'cs', 'merricks', 'bavarian', 'fleas', 'skip
jack', 'frog', 'verses', 'retirement', 'inca', 'liters', 'requesting', 'rumford', 'exercises',
'havoc', 'triggered', 'havahart', 'fixing', 'luxardo', 'bing', 'sixteen', 'pitted', 'ff',
'heavens', 'buttons', 'focusing', 'bizarre', 'debating', 'wars', 'plastics', 'compound',
'drooling', 'tolerating', 'domatcha', 'overdoing', 'weirdly', 'prayer', 'catches', 'spins',
'underside', 'withstood', 'suisse', 'behaved', 'undergoing', 'chemotherapy', 'glow', 'notably',
'revive', 'yogurts', 'crisped', 'sunrise', 'bm', 'gulf', 'vinturi', 'doughnut', 'strays', 'os',
'dietitian', 'monocalcium', 'sen', 'orgran', 'luden', 'crunchies', 'breadcrumbs', 'straining', 'he
ft', 'craves', 'aromatherapy', 'trimester', 'heal', 'petroleum', 'liquified', 'pony', 'forehead',
'rubbing', 'yummier', 'hunk', 'starkist', 'bleached', 'shaving', 'celtic', 'porcini', 'sparkly', '
popchip', 'hp', 'ka', 'agricultural', 'spreadable', 'kay', 'tilda', 'nuun', 'disclose', 'pepitas',
'krusteaz', 'weetabix', 'fixins', 'marzano', 'volcanic', 'domestically', 'pointing',
'blindfolded', 'hooray', 'salvage', 'attractively', 'twining', 'anderson', 'curd', 'graduate',
'fad', 'install', 'chamber', 'deserved', 'yellowish', 'arteries', 'moister', 'extension',
'wildflower', 'amaze', 'insulated', 'relation', 'antifungal', 'occurring', 'society', 'enhancers',
'faithfully', 'tangle', 'talks', 'trading', 'output', 'useing', 'nicaragua', 'vicinity', 'rugs', '
alimentum', 'brita', 'breeders', 'swelling', 'repurchasing', 'resend', 'addresses', 'assists', 'pr
ofessionally', 'hull', 'saucepan', 'skepticism', 'molded', 'medicines', 'quickest', 'scrap',
'fumes', 'nostrils', 'registered', 'jacked', 'mysteriously', 'kalamata', 'frangos', 'ruining',
'reporting', 'export', 'unsuccessfully', 'examine', 'disturbed', 'adequately', 'tendons',
'focaccia', 'catalogue', 'elongated', 'usps', 'touchy', 'ammonia', 'ammonium', 'amazes', 'offset',
'oval', 'acorns', 'filberts', 'miraculous', 'unsealed', 'prevalent', 'domino', 'smarties',
'doused', 'stickier', 'poupon', 'devoid', 'mojo', 'slid', 'birthdays', 'nickname', 'yummiest', 'ex
ecutive', 'ian', 'unsweet', 'babyfood', 'fuji', 'lipil', 'genisoy', 'hairs', 'improvements', 'seru
m', 'pluck', 'input', 'shoprite', 'netrition', 'nutricity', 'roe', 'munchies', 'restocking', 'twea
ked', 'whisk', 'fluctuates', 'utah', 'coldaid', 'applaud', 'nos', 'religious', 'junkies',
'wiping', 'fixes', 'reset', 'venezuela', 'lichee', 'therefor', 'exclaimed', 'unidentifiable', 'gna
wing', 'splinter', 'abby', 'mia', 'pitched', 'drastic', 'tease', 'suitcases', 'households',
'indirect', 'thermometer', 'mushiness', 'pond', 'replicating', 'oomph', 'sensational', 'haste', 'o
bserve', 'itty', 'bitty', 'edibles', 'welcomed', 'sizzle', 'wyler', 'sweetens', 'sunscreen', 'dive
rsity', 'heathy', 'airlines', 'speciality', 'xylo', 'residual', 'identified', 'rc', 'participate',
'pr', 'crank', 'crystalized', 'ribena', 'revolting', 'respectable', 'lungo', 'grenadine',
'approaching', 'marrow', 'appealed', 'economically', 'glycerine', 'bonita', 'carotene', 'humm', 'd
enied', 'emerils', 'dunk', 'disintegrating', 'mott', 'dieter', 'masses', 'muster', 'addressed', 'd
roppings', 'twang', 'tangled', 'pipes', 'variable', 'twiggy', 'wayyy', 'dispute', 'bai',
'absorbent', 'googling', 'clothing', 'shoddy', 'epidemic', 'havarti', 'speckled', 'crayon', 'shovi
'absorbent', 'googling', 'clothing', 'shoddy', 'epidemic', 'havarti', 'speckled', 'crayon', 'shovi
ng', 'jk', 'specimen', 'md', 'teenie', 'distracted', 'ed', 'scars', 'chick', 'merchants',
'masters', 'advertized', 'trusty', 'grail', 'conservative', 'excellant', 'buzzing', 'controversy',
'malitol', 'lightening', 'acknowledged', 'fraud', 'adjustments', 'departure', 'pc', 'amz', 'mfg',
'searches', 'goodly', 'osmosis', 'triangles', 'crusts', 'tact', 'sprite', 'finnish', 'unbearably',
'gall', 'inflamed', 'roommate', 'bionaturae', 'juicer', 'cookbooks', 'extracted', 'skipped',
'prawns', 'roulette', 'cusine', 'puffins', 'misprint', 'hypertension', 'persons', 'crosses',
'barrier', 'boylan', 'illustrated', 'flossies', 'bothers', 'climbed', 'canceling', 'coins',
'jambalaya', 'converted', 'caprese', 'moxie', 'decidedly', 'alway', 'rude', 'capsaicin', 'fiery',
'witness', 'grin', 'wicked', 'limp', 'warehouses', 'whew', 'awards', 'decorative', 'realizes',
'preliminary', 'charts', 'gene', 'lunchmeat', 'cubed', 'boundaries', 'appetites', 'kadoya',
'seperately', 'thigh', 'forgiving', 'chemistry', 'frizz', 'tongs', 'endorphin', 'duration', 'punge
ncy', 'paint', 'kobe', 'nd', 'honees', 'boon', 'enthusiasts', 'omelet', 'bagging', 'toucan',
'kiddie', 'frutti', 'furbabies', 'kangaroo', 'banging', 'asiago', 'viscosity', 'lowered',
'restrain', 'tasteful', 'tiptree', 'disney', 'stirrers', 'snackmasters', 'indiana', 'rectangles',
'kimchi', 'sleeves', 'dehydrate', 'carbquick', 'displays', 'catechins', 'rips', 'accompaniments',
'parve', 'acclimated', 'reveal', 'presume', 'wholly', 'interaction', 'chunkier', 'orchard',
'cushion', 'translucent', 'cancelling', 'guayaki', 'filtering', 'resorting', 'unlikely',
'adapted', 'promo', 'miami', 'handing', 'milled', 'gaggia', 'statements', 'shaken', 'combed', 'rev
ealing', 'pests', 'cheapened', 'waggin', 'verde', 'refrain', 'hail', 'pediasure', 'treaters', 'ins
ulting', 'barf', 'earthquake', 'delays', 'dispensed', 'durum', 'modification', 'mushed', 'pappy',
'grayish', 'amd', 'discernible', 'irradiated', 'awareness', 'illnesses', 'deny', 'donation',
'lied', 'merchandise', 'manganese', 'obnoxious', 'diminishes', 'reputation', 'unsuitable',
'paula', 'savannah', 'pinpoint', 'geyser', 'recipies', 'prized', 'treadmill', 'cassia', 'nonni', '
moisturizes', 'excellently', 'cuticles', 'grande', 'russia', 'hatcho', 'century', 'advocate', 'cla
rify', 'shelters', 'fishing', 'dripping', 'incidence', 'metabolic', 'astounding', 'inherent',
'eta', 'weights', 'gardenia', 'mangosteen', 'analysis', 'wedges', 'allspice', 'beetles',
'feasting', 'fisherman', 'chromium', 'stacking', 'gelato', 'trendy', 'granuals', 'raid',
'philadelphia', 'trapped', 'ar', 'originating', 'sulphur', 'cutlets', 'horses', 'icings',
'frightening', 'grinded', 'baseline', 'alleviated', 'prescriptions', 'teach', 'shorts',
'poisonous', 'pastilles', 'stretching', 'segments', 'investing', 'hook', 'chreese', 'amon',
'solving', 'flecks', 'knob', 'processors', 'goood', 'sicilian', 'cringe', 'clueless', 'cruelty', '
preschooler', 'polysorbate', 'frise', 'incandescent', 'lamp', 'catalina', 'coombs', 'sewage', 'kel
loggs', 'ethical', 'participating', 'universal', 'chimes', 'externally', 'beaten', 'daves',
'beanilla', 'confidently', 'designer', 'activate', 'mourning', 'lightness', 'tanginess',
'marriage', 'chondroitin', 'aaa', 'hung', 'astonishingly', 'cutest', 'mellows', 'garlicy',
'ceremonial', 'ironic', 'augment', 'hatch', 'spat', 'nielsen', 'massey', 'insoluble',
'approximate', 'stacked', 'ver', 'mangled', 'stellar', 'trepidation', 'panko', 'perfumey',
'hating', 'frapp', 'sear', 'toilet', 'embarrassing', 'mcts', 'dread', 'hispanic', 'bhut',
'trinidad', 'westie', 'breadmaker', 'trimming', 'mil', 'daisy', 'uterus', 'nipple', 'nipples', 'se
condary', 'dire', 'rusks', 'tune', 'carousels', 'critic', 'overfill', 'connected', 'yakisoba', 'ma
dness', 'pepperidge', 'lorna', 'doone', 'loudly', 'pesky', 'caveats', 'styling', 'perspiration', '
surge', 'gourmand', 'fowl', 'joico', 'milano', 'bribe', 'generously', 'spillage', 'stumble', 'star
light', 'clementine', 'uneasy', 'principle', 'ballpark', 'nov', 'crashing', 'th', 'ful', 'fru', 'm
oisturizers', 'tsps', 'sod', 'sums', 'stretched', 'awesomely', 'starved', 'flights', 'scorch',
'crackle', 'bypass', 'slap', 'pac', 'collector', 'apo', 'wegman', 'locker', 'skipping', 'sacks', '
predict', 'slaw', 'tn', 'song', 'saddened', 'skull', 'laboratory', 'manipulate', 'stingers',
'flap', 'gatherings', 'probable', 'salting', 'yummo', 'classified', 'rebiana', 'triglycerides', 'c
roissant', 'slack', 'teflon', 'permitted', 'herring', 'alternately', 'xo', 'scant', 'liquors', 'ad
e', 'misshapen', 'driven', 'snapped', 'refer', 'nutshell', 'conference', 'honeybush', 'dissuade',
'preferable', 'rubbish', 'declined', 'inconsistencies', 'clarification', 'tenderness',
'undercooked', 'blocking', 'zojirushi', 'buildup', 'carpets', 'serendipity', 'olney',
'desperation', 'overkill', 'thay', 'annies', 'languages', 'tarragon', 'assumption', 'poke',
'collies', 'frost', 'shin', 'ramyun', 'frisbee', 'wrestle', 'repair', 'salame', 'sheep', 'skimpy',
'ramune', 'plunger', 'lickety', 'roller', 'napoleon', 'tis', 'ziti', 'underarms', 'francis',
'giblets', 'preheated', 'poking', 'midway', 'objects', 'preheat', 'nova', 'trustworthy',
'unwilling', 'gesture', 'tampa', 'brave', 'render', 'stroganoff', 'immersion', 'slimey',
'universally', 'regain', 'jewell', 'aggravate', 'florentine', 'lures', 'lorann', 'pinapple',
'fanta', 'nordic', 'squeezes', 'quiche', 'minimized', 'gelatinous', 'ranked', 'armpits',
'patterns', 'quailty', 'radio', 'hellmann', 'verge', 'decafinated', 'rarity', 'winery', 'sewing',
'valid', 'epcot', 'dick', 'sorghum', 'duncan', 'hines', 'coloured', 'premade', 'county',
'suppliment', 'bloat', 'glutton', 'sunbutter', 'casbah', 'ziyad', 'vastly', 'chewies', 'devices',
'traveler', 'slather', 'stared', 'impacted', 'disappointingly', 'highlander', 'grogg',
'classmates', 'poms', 'perceptible', 'dreck', 'dander', 'peanutbutter', 'balloon', 'continental',
'repellent', 'battery', 'juniper', 'lettering', 'mic', 'usb', 'scares', 'meyenberg', 'gentlease',
'branching', 'acacia', 'depressing', 'irresistable', 'pharmaceutical', 'adams', 'hears',
'auvergne', 'metals', 'premature', 'caraway', 'dallas', 'productive', 'adhesive', 'wiser',
'bustelo', 'testament', 'whitefish', 'livers', 'timothys', 'typed', 'tempt', 'bt', 'ads',
'reconsider', 'pikes', 'rant', 'breeza', 'curls', 'plockys', 'cella', 'lame', 'fools', 'scarfing',
'bow', 'adhd', 'soynuts', 'expanding', 'pato', 'passover', 'growers', 'cloyingly', 'badoit',
'odds', 'limiting', 'nuanced', 'enlarged', 'pancreatitis', 'dehydration', 'citron',
'christmastime', 'mealtime', 'boils', 'potting', 'soils', 'hairless', 'crested', 'indescribable',
'sniffs', 'huy', 'fong', 'contaminants', 'russel', 'injury', 'mobility', 'stench', 'addictions', '
drift', 'uniquely', 'theoretically', 'movement', 'bisphenol', 'hersheys', 'te', 'demerara', 'slapp
ed', 'conjunction', 'halve', 'rounding', 'specifications', 'burp', 'unimpressive', 'zola',
'benzoate', 'rendition', 'teasan', 'vias', 'burlap', 'loooove', 'represents', 'decipher', 'ldl', '
sting', 'petal', 'michaels', 'shiba', 'inu', 'grasses', 'acidophilus', 'eleuthero', 'hasnt', 'digi
tal', 'reservoir', 'concur', 'childrens', 'curbs', 'rot', 'chocolat', 'wrist', 'stabilized', 'gust
tal', 'reservoir', 'concur', 'childrens', 'curbs', 'rot', 'chocolat', 'wrist', 'stabilized', 'gust
af', 'criollo', 'imports', 'ne', 'zoo', 'disodium', 'cheated', 'invited', 'backpacks', 'insure', '
creator', 'scarlet', 'cavender', 'treasure', 'flawless', 'skyline', 'bengals', 'organizations', 'h
irts', 'boosted', 'accompanied', 'tulips', 'roastaroma', 'mislead', 'feather', 'bounce',
'crawfish', 'hesitating', 'guts', 'tabanero', 'hyperactive', 'untouched', 'nighttime', 'pao',
'clasico', 'pluses', 'braggs', 'scratchers', 'sided', 'oolongs', 'confirms', 'concord',
'hardwood', 'rodelle', 'replacer', 'parm', 'drunken', 'diluting', 'limeade', 'augments',
'eleutherosides', 'adapt', 'trials', 'zotz', 'aesthetics', 'crf', 'epic', 'spritzer',
'confectioners', 'elegance', 'subtlety', 'novelties', 'offspring', 'underlying', 'occassionally',
'gruel', 'convient', 'ditto', 'mario', 'prizes', 'peppermints', 'splurging', 'isugar', 'medifast',
'accross', 'hurricane', 'mochi', 'clarity', 'roommates', 'encourages', 'luggage', 'hog',
'guiltless', 'disgust', 'teh', 'collar', 'disguised', 'uric', 'rests', 'warrant', 'penguin',
'kate', 'sensative', 'alcholic', 'triscuits', 'boycott', 'prospect', 'puggle', 'smeared',
'strategy', 'bionature', 'washes', 'broader', 'scope', 'dots', 'laced', 'clutter', 'peels',
'accidently', 'overflowing', 'splurged', 'appease', 'tokyo', 'uneaten', 'glorified', 'aimed', 'bak
lawa', 'soapy', 'subtract', 'methionine', 'tigers', 'russians', 'nitrosamines', 'sorbic', 'dl', 'l
inoleic', 'montreal', 'jocalat', 'stover', 'trivedi', 'simmered', 'camel', 'nunaturals',
'fluffiest', 'lucked', 'sprue', 'smore', 'showering', 'quakers', 'nay', 'knuckles',
'considerations', 'oversized', 'roti', 'supervised', 'bullies', 'envirokidz', 'cable', 'handily',
'farts', 'selective', 'chewey', 'contest', 'hem', 'haagen', 'bratwurst', 'freinds', 'smelt',
'pittsburgh', 'sweaty', 'tinge', 'winco', 'diffrent', 'evian', 'int', 'fulfills', 'cinnabon', 'roa
dside', 'sheppard', 'handpresso', 'votes', 'sockeye', 'existant', 'frother', 'ventured', 'beetle',
'stollen', 'unmistakable', 'cartridges', 'alton', 'redesigned', 'chilling', 'creep', 'arborio', 'a
weful', 'lox', 'kindness', 'dishonest', 'procedures', 'colitis', 'uncles', 'emptying', 'dum', 'noi
sy', 'mos', 'wisk', 'leaning', 'charleston', 'estate', 'bathe', 'oneself', 'hippo', 'destination',
'expiring', 'stong', 'pollux', 'christian', 'coughs', 'chummies', 'graze', 'recap', 'demolished',
'rottie', 'nations', 'awe', 'capri', 'reveiws', 'notorious', 'phases', 'rooster', 'tjs',
'crowded', 'antonio', 'nosing', 'hellman', 'slowed', 'squeaky', 'singer', 'sop', 'operating',
'downgrade', 'acknowledge', 'bash', 'arriba', 'lingonberry', 'discernable', 'boris', 'bonzai', 'sb
ux', 'cuisines', 'affair', 'bellys', 'pints', 'shatila', 'frys', 'tickle', 'lent', 'toll', 'eggy',
'darby', 'hampshire', 'swept', 'feces', 'cigar', 'ashtray', 'vogue', 'sixties', 'binge', 'tuned',
'wilted', 'sorted', 'personalize', 'percentages', 'mealtimes', 'tempura', 'occassional',
'stunning', 'quietly', 'jerusalem', 'guatemala', 'nutra', 'interferes', 'drenched', 'cornucopia',
'undertaking', 'mercken', 'paramount', 'boney', 'glutten', 'uncommon', 'axe', 'foodstuff',
'essences', 'thr', 'creamiest', 'heather', 'donated', 'libido', 'trek', 'survives', 'brad',
'adam', 'selves', 'ihop', 'bride', 'gang', 'hots', 'recommed', 'dynasty', 'twig', 'justified', 'be
luga', 'heirloom', 'webpage', 'ther', 'watte', 'tampered', 'egyptian', 'affairs', 'doughy',
'molars', 'comparisons', 'wakame', 'nibbled', 'blight', 'creepy', 'dallmayr', 'playful', 'orzo', '
fragments', 'probiotic', 'solixir', 'hauling', 'proclaimed', 'masa', 'backing', 'genes',
'overnite', 'lt', 'natives', 'viral', 'eucalyptus', 'wilt', 'negligible', 'motivate', 'hunters',
'vegi', 'omit', 'voltage', 'efficiently', 'clubs', 'undetectable', 'shriveled', 'deceptively', 'so
ulistic', 'realise', 'cabernet', 'appliances', 'indicator', 'removable', 'unfinished', 'sensible',
'stickers', 'motivation', 'guayusa', 'gather', 'preparations', 'bathing', 'dispenses', 'simular',
'bandage', 'emily', 'chris', 'fixings', 'parched', 'acana', 'acquiring', 'savoury', 'sunset', 'dru
m', 'eskimo', 'alba', 'spf', 'clogged', 'smalls', 'hospitals', 'undigested', 'tenderloins',
'incidentally', 'knead', 'pushes', 'programmed', 'guavas', 'rapeseed', 'aide', 'dulse', 'fears', '
nod', 'seductive', 'ding', 'snub', 'completly', 'infusions', 'shooting', 'bzzagent', 'decline', 'p
syllium', 'knox', 'daybreak', 'clogs', 'mechanism', 'loading', 'anger', 'spiders', 'rx',
'hopping', 'peculiar', 'hempseeds', 'distinguished', 'substances', 'greg', 'calamari', 'dredge', '
disolve', 'wince', 'cosequin', 'butcher', 'furious', 'chico', 'monopoly', 'filed', 'nerve', 'tedio
us', 'necta', 'seas', 'deteriorated', 'compromising', 'madhava', 'offending', 'sideways', 'doors',
'factoring', 'celebrating', 'subdue', 'prayers', 'erucic', 'karma', 'misinformation', 'piglets', '
launched', 'founder', 'ibd', 'violent', 'victims', 'averse', 'citizen', 'evaporates', 'gracious',
'earn', 'shining', 'dishwater', 'lakewood', 'embedded', 'miniscule', 'faves', 'grandsons',
'cherrybrook', 'mosquitoes', 'sprayer', 'specks', 'phew', 'compassion', 'ultrasound', 'jennie',
'thanx', 'chomps', 'merit', 'firehouse', 'subs', 'laces', 'gluey', 'noone', 'choo', 'woo', 'explod
es', 'scone', 'splatter', 'powerhouse', 'radius', 'acted', 'subcription', 'grandmas', 'deleted', '
meringue', 'prosciutto', 'rashes', 'risky', 'ceased', 'definitley', 'yi', 'bump', 'pals',
'dassant', 'tbls', 'sc', 'aqua', 'springs', 'charger', 'aminos', 'cran', 'omelette', 'alabama',
'surgeries', 'cl', 'mimic', 'fungusamongus', 'engineering', 'rested', 'twitch', 'flushing', 'displ
eased', 'batters', 'coffeehouse', 'milkbones', 'rockies', 'oxidation', 'glutamic', 'mouthwash', 'w
int', 'nora', 'personalized', 'accuracy', 'candidate', 'venue', 'expenditure', 'maggie', 'traits',
'hoof', 'fibers', 'hunts', 'larry', 'campus', 'tobacco', 'gentler', 'disk', 'projects', 'morkie',
'punched', 'togethers', 'codes', 'fahrenheit', 'henceforth', 'outta', 'boast', 'gen', 'valdosta',
'booze', 'incense', 'municipal', 'robinson', 'ravenous', 'pyrex', 'guarding', 'definitively', 'pos
tcard', 'disclosed', 'elevate', 'radar', 'jeff', 'genre', 'rethink', 'ot', 'harvard', 'lessons', '
caffix', 'candybar', 'orginally', 'thk', 'hippos', 'obligate', 'squishy', 'span', 'yunnan',
'loathe', 'titled', 'rio', 'tamping', 'honored', 'shelly', 'buckled', 'teary', 'samoas',
'chlorine', 'bleach', 'thanking', 'membranes', 'distances', 'jd', 'altoid', 'egbert', 'groggy', 'j
erkey', 'spark', 'binder', 'vacations', 'mammoth', 'minis', 'connoisseurs', 'formal', 'jamba', 'da
mages', 'shrinking', 'blunt', 'boboli', 'recharge', 'withing', 'cannisters', 'sweetheart',
'downstairs', 'forgo', 'mae', 'gogo', 'smooshed', 'connecticut', 'territory', 'testify',
'blockages', 'efficiency', 'proteinate', 'detriment', 'precooked', 'edwards', 'organizer',
'lubricant', 'functioning', 'zagnut', 'trainers', 'holly', 'beaks', 'feathers', 'constitutes', 'do
wnhill', 'yards', 'ddp', 'mississippi', 'willie', 'chipping', 'cartilage', 'vertical', 'sock', 'de
ployment', 'redhead', 'beings', 'num', 'comvita', 'intent', 'mistakenly', 'messages', 'gratitude',
'yolk', 'tortellini', 'trolli', 'ingenious', 'ineffective', 'alpo', 'drippy', 'chelate', 'cobalt',
'oiled', 'perspirant', 'ministry', 'pomona', 'smucker', 'compaired', 'rothchild', 'minds',
'oiled', 'perspirant', 'ministry', 'pomona', 'smucker', 'compaired', 'rothchild', 'minds',
'capturing', 'liable', 'thia', 'metamucil', 'familia', 'museum', 'skewed', 'shoots', 'legumes', 'y
earning', 'smartie', 'mish', 'bargin', 'andre', 'province', 'expands', 'brooks', 'spears',
'doomed', 'shiitake', 'cleanest', 'hypoallergenic', 'nonsense', 'alvita', 'aim', 'worm', 'squeez',
'dimensional', 'tai', 'orgeat', 'umeboshi', 'offense', 'brisling', 'particle', 'mw', 'fryer', 'cho
ch', 'paranoid', 'hancock', 'antacid', 'healed', 'decaffinated', 'deficient', 'scotches',
'athletic', 'tblsp', 'strand', 'misto', 'flushable', 'glob', 'smacking', 'chocofudge', 'portugal',
'skimping', 'piggy', 'drowsy', 'pales', 'woohoo', 'hero', 'shield', 'oder', 'rao', 'pressurized',
'seeming', 'kasha', 'appassionato', 'smother', 'kissing', 'tenders', 'nutritous', 'pocketbook',
'emotional', 'biggie', 'winey', 'estrogen', 'entenmann', 'precaution', 'jade', 'staggering',
'targeted', 'wipes', 'morton', 'mussels', 'cab', 'scenario', 'tortuga', 'pakistan', 'cosco', 'toas
ts', 'employer', 'kcal', 'adulthood', 'crafted', 'spiking', 'mccanns', 'poblano', 'snicker',
'otc', 'transfats', 'daring', 'pretentious', 'globe', 'twitching', 'hojicha', 'frites', 'osem', 'p
reface', 'ara', 'shades', 'hawk', 'puk', 'pav', 'bhaji', 'questioned', 'littles', 'coronary', 'hum
us', 'keepsake', 'senna', 'participants', 'championship', 'flooring', 'listmania', 'frenzy', 'barb
ie', 'crix', 'blank', 'replenishment', 'bisquits', 'bellini', 'sesmark', 'subsitute', 'orchid', 'm
artek', 'solvents', 'hexane', 'guiness', 'calendar', 'grapeseed', 'seabear', 'brilliantly',
'charlee', 'twix', 'earthly', 'kipper', 'brining', 'turkeys', 'plush', 'assembly', 'questioning',
'lydia', 'evolution', 'vegecat', 'wafting', 'monks', 'finn', 'perishables', 'amazonian',
'carcinogen', 'cockapoo', 'strait', 'shabby', 'bertolli', 'korintje', 'perfer', 'checkup',
'beigel', 'blackstrap', 'synthesis', 'malamute', 'happybellies', 'mgs', 'tisano', 'vanished', 'fla
min', 'skilled', 'afterthought', 'rained', 'backordered', 'sic', 'predominantly', 'kfc', 'oprah',
'ehr', 'softest', 'superfruit', 'danes', 'elmo', 'lakes', 'dashi', 'lucini', 'courses', 'aioli', '
cardiovascular', 'pepsin', 'brimming', 'haw', 'wafts', 'skinned', 'wit', 'revived', 'ntingwe', 'ba
be', 'curtiss', 'champion', 'mailman', 'sandwhich', 'cayman', 'shore', 'archer', 'crockery', 'ease
s', 'buster', 'ge', 'pbj', 'latch', 'hos', 'emerging', 'simplisse', 'representation', 'beleave', '
stassen', 'sender', 'flaver', 'teether', 'jellybean', 'sparx', 'smartbones', 'vinacaf',
'dubliner', 'icicle', 'claws', 'brightly', 'caramelly', 'esq', 'isa', 'camera', 'rug', 'watt', 'pe
nta', 'ambiguous', 'linketts', 'wonton', 'diappointed', 'noni', 'fingertips', 'fos',
'oligofructose', 'apprentice', 'bret', 'pastorelli', 'vege', 'unsulphured', 'artemis', 'beard',
'bice', 'garvey', 'topo', 'shizzle', 'dinged', 'tienda', 'thermal', 'shaky', 'crimson', 'dingos',
'nando', 'horsford', 'salivating', 'vaccuum', 'yacon', 'tissues', 'beckham', 'barcelona',
'carrageean', 'frijoles', 'ducal', 'tonkotsu', 'catchup', 'anecdotal', 'flint', 'chesses',
'wagyu', 'mufa', 'arare', 'ltr', 'delaware', 'veal', 'kombu', 'calculus', 'barlean', 'evamore', 'f
oodservice', 'harold', 'brinjal', 'dentabites', 'miguel', 'panforte', 'raye', 'cordyceps',
'chakra', 'kuisine', 'ephedra', 'flags', 'panca', 'layla']
In [116]:
avg_X_train = []
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
cnt_words =0
for word in sent:
if word in w2v_words:
vec = w2v_model.wv[word]
sent_vec += vec
cnt_words += 1
if cnt_words != 0:
sent_vec /= cnt_words
avg_X_train.append(sent_vec)
print(len(avg_X_train))
50000
In [117]:
avg_X_train = np.array(avg_X_train)
print(avg_X_train.shape)
(50000, 150)
In [48]:
w2v_data = X_test_new
splitted=[]
for row in w2v_data :
splitted.append([word for word in row.split()])
In [49]:
w2v_model = Word2Vec(splitted,min_count=5,size=150, workers=4)
print(w2v_model)
In [50]:
w2v_words = list(w2v_model.wv.vocab)
In [121]:
print(w2v_words)
In [122]:
avg_X_test = []
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
cnt_words =0
for word in sent:
if word in w2v_words:
vec = w2v_model.wv[word]
sent_vec += vec
cnt_words += 1
if cnt_words != 0:
sent_vec /= cnt_words
avg_X_test.append(sent_vec)
print(len(avg_X_test))
20000
In [123]:
avg_X_test = np.array(avg_X_test)
print(avg_X_test.shape)
(20000, 150)
In [125]:
from sklearn.model_selection import GridSearchCV
from sklearn.neighbors import KNeighborsClassifier
train_auc = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
In [126]:
clf.best_params_
Out[126]:
{'n_neighbors': 51}
In [127]:
from sklearn.metrics import roc_curve, auc
from sklearn.neighbors import KNeighborsClassifier
neigh = KNeighborsClassifier(n_neighbors=51,algorithm='brute')
neigh.fit(avg_X_train, Y_train_new)
In [128]:
pred_labels = neigh.predict(avg_X_test)
print(pred_labels)
[1 1 1 ... 1 1 1]
In [129]:
acc = neigh.score(avg_X_test,Y_test_new)
print(acc)
0.8441
In [130]:
cnf_matrix = confusion_matrix(Y_test_new,pred_labels)
print(cnf_matrix)
[[ 183 2979]
[ 139 16699]]
In [131]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
In [34]:
X_train_new = X_train[:50000,]
Y_train_new = Y_train[:50000,]
X_test_new = X_test[:20000,]
Y_test_new = Y_test[:20000,]
In [42]:
model = TfidfVectorizer(max_features=500)
tf_idf_matrix = model.fit_transform(X_train_new).toarray()
dictionary = dict(zip(model.get_feature_names(), list(model.idf_)))
In [43]:
# TF-IDF weighted Word2Vec
tfidf_feat = model.get_feature_names()
tfidf_train_data = []
row=0
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
weight_sum =0
for word in sent:
if word in w2v_words and word in tfidf_feat:
vec = w2v_model.wv[word]
tf_idf = tf_idf_matrix[row, tfidf_feat.index(word)]
tf_idf = dictionary[word]*(sent.count(word)/len(sent))
sent_vec += (vec * tf_idf)
weight_sum += tf_idf
if weight_sum != 0:
sent_vec /= weight_sum
tfidf_train_data.append(sent_vec)
row += 1
In [44]:
print(type(tfidf_train_data))
<class 'list'>
In [45]:
tfidf_train_data = np.array(tfidf_train_data)
In [46]:
print(tfidf_train_data.shape)
(50000, 150)
In [47]:
tf_idf_matrix = model.transform(X_test_new).toarray()
In [51]:
# TF-IDF weighted Word2Vec
tfidf_feat = model.get_feature_names()
tfidf_test_data = []
row=0
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
weight_sum =0
for word in sent:
if word in w2v_words and word in tfidf_feat:
vec = w2v_model.wv[word]
tf_idf = dictionary[word]*(sent.count(word)/len(sent))
sent_vec += (vec * tf_idf)
weight_sum += tf_idf
if weight_sum != 0:
sent_vec /= weight_sum
tfidf_test_data.append(sent_vec)
row += 1
In [52]:
tfidf_test_data = np.array(tfidf_test_data)
In [53]:
print(tfidf_test_data.shape)
(20000, 150)
In [54]:
from sklearn.model_selection import GridSearchCV
from sklearn.neighbors import KNeighborsClassifier
train_auc = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
In [55]:
clf.best_params_
Out[55]:
{'n_neighbors': 51}
Testing With Test Data
In [56]:
from sklearn.metrics import roc_curve, auc
from sklearn.neighbors import KNeighborsClassifier
neigh = KNeighborsClassifier(n_neighbors=51,algorithm='brute')
neigh.fit(tfidf_train_data, Y_train_new)
In [57]:
pred_labels = neigh.predict(tfidf_test_data)
print(pred_labels)
[1 1 1 ... 1 1 1]
In [58]:
acc = neigh.score(tfidf_test_data,Y_test_new)
print(acc)
0.84535
In [59]:
cnf_matrix = confusion_matrix(Y_test_new,pred_labels)
print(cnf_matrix)
[[ 35 3077]
[ 16 16872]]
In [61]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
In [52]:
X_train_kd = X_train[:20000,]
Y_train_kd = Y_train[:20000,]
X_test_kd = X_test[:10000,]
Y_test_kd = Y_test[:10000,]
In [53]:
cv = CountVectorizer(min_df=10,max_features=500)
X_train_kd_bow = cv.fit_transform(X_train_kd).toarray()
In [54]:
X_test_kd_bow = cv.transform(X_test_kd).toarray()
In [55]:
print(X_train_kd_bow.shape)
print(X_test_kd_bow.shape)
(20000, 500)
(10000, 500)
In [56]:
from sklearn.model_selection import GridSearchCV
from sklearn.neighbors import KNeighborsClassifier
train_auc = []
train_auc_std = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
In [57]:
clf.best_params_
Out[57]:
{'n_neighbors': 51}
In [58]:
from sklearn.metrics import roc_curve, auc
neigh = KNeighborsClassifier(n_neighbors=51,algorithm='kd_tree')
neigh.fit(X_train_kd_bow, Y_train_kd)
[1 1 1 ... 0 1 1]
In [60]:
acc = neigh.score(X_test_kd_bow,Y_test_kd)
print(acc)
0.8481
In [61]:
cnf_matrix = confusion_matrix(Y_test_kd,pred_labels)
print(cnf_matrix)
[[ 242 1353]
[ 166 8239]]
In [62]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
In [76]:
In [76]:
X_train_kd = X_train[:20000,]
Y_train_kd = Y_train[:20000,]
X_test_kd = X_test[:10000,]
Y_test_kd = Y_test[:10000,]
In [77]:
tf_idf_vect = TfidfVectorizer(ngram_range=(1,2),min_df=10,max_features=500)
X_train_kd_tfidf = tf_idf_vect.fit_transform(X_train_kd).toarray()
In [78]:
X_test_kd_tfidf = tf_idf_vect.transform(X_test_kd).toarray()
In [79]:
print(X_train_kd_tfidf.shape)
print(X_test_kd_tfidf.shape)
(20000, 500)
(10000, 500)
In [80]:
from sklearn.model_selection import GridSearchCV
from sklearn.neighbors import KNeighborsClassifier
train_auc = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
Out[81]:
{'n_neighbors': 51}
In [82]:
from sklearn.metrics import roc_curve, auc
neigh = KNeighborsClassifier(n_neighbors=51,algorithm='kd_tree')
neigh.fit(X_train_kd_tfidf, Y_train_kd)
In [150]:
neigh = KNeighborsClassifier(n_neighbors=51,algorithm='kd_tree')
neigh.fit(X_train_kd_tfidf, Y_train_kd)
Out[150]:
In [151]:
pred_labels = neigh.predict(X_test_kd_tfidf)
print(pred_labels)
[1 1 1 ... 1 1 1]
In [154]:
acc = neigh.score(X_test_kd_tfidf,Y_test_kd)
print(acc)
0.8405
In [152]:
cnf_matrix = confusion_matrix(Y_test_kd,pred_labels)
print(cnf_matrix)
[[ 0 1595]
[ 0 8405]]
In [153]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
In [132]:
X_train_new = X_train[:20000,]
Y_train_new = Y_train[:20000,]
X_test_new = X_test[:10000,]
Y_test_new = Y_test[:10000,]
In [64]:
w2v_data = X_train_new
splitted=[]
for row in w2v_data :
splitted.append([word for word in row.split()])
In [65]:
w2v_model = Word2Vec(splitted,min_count=5,size=150, workers=4)
print(w2v_model)
Word2Vec(vocab=8771, size=150, alpha=0.025)
In [66]:
w2v_words = list(w2v_model.wv.vocab)
In [136]:
avg_X_train = []
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
cnt_words =0
for word in sent:
if word in w2v_words:
vec = w2v_model.wv[word]
sent_vec += vec
cnt_words += 1
if cnt_words != 0:
sent_vec /= cnt_words
avg_X_train.append(sent_vec)
print(len(avg_X_train))
20000
In [137]:
avg_X_train = np.array(avg_X_train)
print(avg_X_train.shape)
(20000, 150)
In [70]:
w2v_data = X_test_new
splitted=[]
for row in w2v_data :
splitted.append([word for word in row.split()])
In [71]:
w2v_model = Word2Vec(splitted,min_count=5,size=150, workers=4)
print(w2v_model)
In [72]:
w2v_words = list(w2v_model.wv.vocab)
In [141]:
avg_X_test = []
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
cnt_words =0
for word in sent:
if word in w2v_words:
vec = w2v_model.wv[word]
sent_vec += vec
cnt_words += 1
if cnt_words != 0:
sent_vec /= cnt_words
avg_X_test.append(sent_vec)
print(len(avg_X_test))
print(len(avg_X_test))
10000
In [142]:
avg_X_test = np.array(avg_X_test)
print(avg_X_test.shape)
(10000, 150)
In [143]:
from sklearn.model_selection import GridSearchCV
from sklearn.neighbors import KNeighborsClassifier
train_auc = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
In [144]:
clf.best_params_
Out[144]:
{'n_neighbors': 51}
In [145]:
from sklearn.metrics import roc_curve, auc
neigh = KNeighborsClassifier(n_neighbors=51,algorithm='kd_tree')
neigh.fit(avg_X_train, Y_train_new)
In [146]:
pred_labels = neigh.predict(avg_X_test)
print(pred_labels)
[1 1 1 ... 1 1 1]
In [147]:
acc = neigh.score(avg_X_test,Y_test_new)
print(acc)
0.837
In [148]:
cnf_matrix = confusion_matrix(Y_test_new,pred_labels)
print(cnf_matrix)
[[ 23 1572]
[ 58 8347]]
In [149]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
In [62]:
X_train_new = X_train[:20000,]
Y_train_new = Y_train[:20000,]
X_test_new = X_test[:10000,]
Y_test_new = Y_test[:10000,]
In [63]:
model = TfidfVectorizer(max_features=500)
tf_idf_matrix = model.fit_transform(X_train_new).toarray()
In [67]:
# TF-IDF weighted Word2Vec
tfidf_feat = model.get_feature_names()
tfidf_train_data = []
row=0
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
weight_sum =0
for word in sent:
if word in w2v_words and word in tfidf_feat:
vec = w2v_model.wv[word]
tf_idf = dictionary[word]*(sent.count(word)/len(sent))
sent_vec += (vec * tf_idf)
weight_sum += tf_idf
if weight_sum != 0:
sent_vec /= weight_sum
tfidf_train_data.append(sent_vec)
row += 1
In [68]:
In [68]:
tfidf_train_data = np.array(tfidf_train_data)
In [69]:
print(tfidf_train_data.shape)
(20000, 150)
In [73]:
tf_idf_matrix = model.transform(X_test_new).toarray()
In [74]:
# TF-IDF weighted Word2Vec
tfidf_feat = model.get_feature_names()
tfidf_test_data = []
row=0
for sent in tqdm(splitted):
sent_vec = np.zeros(150)
weight_sum =0
for word in sent:
if word in w2v_words and word in tfidf_feat:
vec = w2v_model.wv[word]
tf_idf = dictionary[word]*(sent.count(word)/len(sent))
sent_vec += (vec * tf_idf)
weight_sum += tf_idf
if weight_sum != 0:
sent_vec /= weight_sum
tfidf_test_data.append(sent_vec)
row += 1
In [75]:
tfidf_test_data = np.array(tfidf_test_data)
In [76]:
print(tfidf_test_data.shape)
(10000, 150)
In [77]:
from sklearn.model_selection import GridSearchCV
from sklearn.neighbors import KNeighborsClassifier
train_auc = []
train_auc_std = []
cv_auc = []
cv_auc_std = []
K = [1,5,10,15,21,31,41,51]
train_auc= clf.cv_results_['mean_train_score']
train_auc= clf.cv_results_['mean_train_score']
train_auc_std= clf.cv_results_['std_train_score']
cv_auc = clf.cv_results_['mean_test_score']
cv_auc_std= clf.cv_results_['std_test_score']
In [78]:
clf.best_params_
Out[78]:
{'n_neighbors': 51}
In [79]:
from sklearn.metrics import roc_curve, auc
neigh = KNeighborsClassifier(n_neighbors=51,algorithm='kd_tree')
neigh.fit(tfidf_train_data, Y_train_new)
[1 1 1 ... 1 1 1]
In [81]:
acc = neigh.score(tfidf_test_data,Y_test_new)
print(acc)
0.8444
In [82]:
cnf_matrix = confusion_matrix(Y_test_new,pred_labels)
print(cnf_matrix)
[[ 1 1556]
[ 0 8443]]
In [83]:
plot_confusion_matrix(cnf_matrix,[0,1],normalize=False,title="Confusion Matrix",cmap=plt.cm.Accent)
[6] Conclusions
In [88]:
from prettytable import PrettyTable
x = PrettyTable()
x = PrettyTable()
model1 = 'BoW'
model2 = 'TF-IDF'
model3 = 'AVG W2V'
model4 = 'TF-IDF W2V'
type1 = 'Brute'
type2 = 'kd-tree'
x.add_row([model1,type1,31,0.8025,0.7575,0.8479])
x.add_row([model1,type2,51,0.7900,0.7508,0.8481])
x.add_row([model2,type1,5,0.8863,0.5888,0.8403])
x.add_row([model2,type2,51,0.8326,0.5847,0.8405])
x.add_row([model3,type1,51,0.9058,0.7521,0.8441])
x.add_row([model3,type2,51,0.8730,0.6391,0.837])
x.add_row([model4,type1,51,0.8536,0.7642,0.8453])
x.add_row([model4,type2,51,0.8298,0.6297,0.8444])
print(x)
+------------+-----------+-----------+-----------+----------+---------------+
| Model | Algorithm | Optimal K | Train_AUC | Test_AUC | Test_Accuracy |
+------------+-----------+-----------+-----------+----------+---------------+
| BoW | Brute | 31 | 0.8025 | 0.7575 | 0.8479 |
| BoW | kd-tree | 51 | 0.79 | 0.7508 | 0.8481 |
| TF-IDF | Brute | 5 | 0.8863 | 0.5888 | 0.8403 |
| TF-IDF | kd-tree | 51 | 0.8326 | 0.5847 | 0.8405 |
| AVG W2V | Brute | 51 | 0.9058 | 0.7521 | 0.8441 |
| AVG W2V | kd-tree | 51 | 0.873 | 0.6391 | 0.837 |
| TF-IDF W2V | Brute | 51 | 0.8536 | 0.7642 | 0.8453 |
| TF-IDF W2V | kd-tree | 51 | 0.8298 | 0.6297 | 0.8444 |
+------------+-----------+-----------+-----------+----------+---------------+