diff --git a/scenes/chainer-caption/.gitignore b/scenes/chainer-caption/.gitignore new file mode 100644 index 0000000..8e341b9 --- /dev/null +++ b/scenes/chainer-caption/.gitignore @@ -0,0 +1,2 @@ +data/*.model +chainer_env/ \ No newline at end of file diff --git a/scenes/chainer-caption/README.md b/scenes/chainer-caption/README.md new file mode 100644 index 0000000..0e24cea --- /dev/null +++ b/scenes/chainer-caption/README.md @@ -0,0 +1,83 @@ +# image caption generation by chainer on raspberrypi +original repo https://github.com/apple2373/chainer-caption + +## descrtiption + +This repository contains an implementation of typical image caption generation based on neural network (i.e. CNN + RNN). The model first extracts the image feature by CNN and then generates captions by RNN. CNN is ResNet50 and RNN is a standard LSTM . +This repo is an edited version of https://github.com/yoshihiroo/programming-workshop/tree/master/image_captioning_and_speech + + +**What is new?** + +- upgrade to chainer V7.1 +- provide interface that accepts a `numpy array` and return the generated caption +- edit chainer 7 global configurations to make code run faster + +## requirements +- python 3.x +- chainer V2 or higher http://chainer.org + + +## citation: +If you find this implementation useful, please consider to cite: +``` +@article{multilingual-caption-arxiv, +title={{Using Artificial Tokens to Control Languages for Multilingual Image Caption Generation}}, +author={Satoshi Tsutsui, David Crandall}, +journal={arXiv:1706.06275}, +year={2017} +} + +@inproceedings{multilingual-caption, +author={Satoshi Tsutsui, David Crandall}, +booktitle = {CVPR Language and Vision Workshop}, +title = {{Using Artificial Tokens to Control Languages for Multilingual Image Caption Generation}}, +year = {2017} +} +``` + +Install Programs and Tools +------- +Install required programs and tools by commands below. +``` +sudo apt-get install python3-pip +sudo pip3 install chainer +sudo pip3 install scipy +sudo pip3 install h5py +sudo apt-get install python-h5py +sudo apt-get install libopenjp2-7-dev +sudo apt-get install libtiff5 +sudo pip3 install Pillow +sudo apt-get install espeak +sudo apt-get install libatlas-base-dev +``` + +**Download CNN & RNN models run** +``` +bash download.sh +``` + + +**How to use** `image_captioning_interface.py`: + +just impot `image_captioning_interface` in your code and make an object of `image_captioning` class. + +This class `image_captioning` has 2 functions: +1. The initialization function +```python +def __init__(self, + rnn_model_place='./data/caption_en_model40.model', + cnn_model_place='./data/ResNet50.model', + dictonary_place='./data/MSCOCO/mscoco_caption_train2014_processed_dic.json', + beamsize=3, + depth_limit=50, + gpu_id=-1, + first_word="") +``` +2. caption generation function +```python +def generate_from_img_nparray(self,image_array) +``` +this function accepts `RGB` image in an nparry with size of `224 x 224` +and returns the generated caption + diff --git a/scenes/chainer-caption/code/CaptionGenerator.py b/scenes/chainer-caption/code/CaptionGenerator.py new file mode 100644 index 0000000..9e27d37 --- /dev/null +++ b/scenes/chainer-caption/code/CaptionGenerator.py @@ -0,0 +1,276 @@ +# -*- coding: utf-8 -*- +#!/usr/bin/env python + +''' +caption generation module by beam search +currently you cannot use efficient generation by batch. Batch size is always one + +beam search might have a small bug or not the most efficient, but seems to be ok. +''' + +import os +import chainer +import numpy as np +import json +import math +from copy import deepcopy + +from chainer import cuda +import chainer.functions as F +from chainer import cuda, Function, gradient_check, Variable, optimizers +from chainer import serializers + +from image_loader import Image_loader +from ResNet50 import ResNet +from Image2CaptionDecoder import Image2CaptionDecoder + +#priority queue +#reference: http://www.bogotobogo.com/python/python_PriorityQueue_heapq_Data_Structure.php +try: + import Queue as Q # ver. < 3.0 +except ImportError: + import queue as Q + +import heapq + +class CaptionGenerator(object): + def __init__(self,rnn_model_place,cnn_model_place,dictonary_place,beamsize=3,depth_limit=50,gpu_id=-1,first_word="",hidden_dim=512,mean="imagenet"): + self.gpu_id=gpu_id + self.beamsize=beamsize + self.depth_limit=depth_limit + self.image_loader=Image_loader(mean) + self.index2token=self.parse_dic(dictonary_place) + + self.cnn_model=ResNet() + serializers.load_hdf5(cnn_model_place, self.cnn_model) + self.cnn_model.train = False + + self.rnn_model=Image2CaptionDecoder(len(self.token2index),hidden_dim=hidden_dim) + if len(rnn_model_place) > 0: + serializers.load_hdf5(rnn_model_place, self.rnn_model) + self.rnn_model.train = False + #added + chainer.global_config.train = False + + self.first_word=first_word + + #Gpu Setting + global xp + if self.gpu_id >= 0: + xp = cuda.cupy + cuda.get_device(gpu_id).use() + self.cnn_model.to_gpu() + self.rnn_model.to_gpu() + else: + xp=np + + def parse_dic(self,dictonary_place): + with open(dictonary_place, 'r') as f: + json_file = json.load(f) + if len(json_file) < 10:#this is ad-hock. I need to distinguish new format and old format... + self.token2index = { word['word']:word['idx'] for word in json_file["words"]} + else: + self.token2index = json_file + + return {v:k for k,v in self.token2index.items()} + + def successor(self,current_state): + ''' + Args: + current_state: a stete, python tuple (hx,cx,path,cost) + hidden: hidden states of LSTM + cell: cell states LSTM + path: word indicies so far as a python list e.g. initial is self.token2index[""] + cost: negative log likelihood + + Returns: + k_best_next_states: a python list whose length is the beam size. possible_sentences[i] = {"indicies": list of word indices,"cost":negative log likelihood so far} + + ''' + + word=[xp.array([current_state["path"][-1]],dtype=xp.int32)] + hx=current_state["hidden"] + cx=current_state["cell"] + hy, cy, next_words=self.rnn_model(hx,cx,word) + + word_dist=F.softmax(next_words[0]).data[0]#possible next word distributions + k_best_next_sentences=[] + for i in range(self.beamsize): + next_word_idx=int(xp.argmax(word_dist)) + k_best_next_sentences.append(\ + {\ + "hidden":hy,\ + "cell":cy,\ + "path":deepcopy(current_state["path"])+[next_word_idx],\ + "cost":current_state["cost"]-xp.log(word_dist[next_word_idx]) + }\ + ) + word_dist[next_word_idx]=0 + + return hy, cy, k_best_next_sentences + + def beam_search(self,initial_state): + ''' + Beam search is a graph search algorithm! So I use graph search abstraction + + Args: + initial state: an initial stete, python tuple (hx,cx,path,cost) + each state has + hx: hidden states + cx: cell states + path: word indicies so far as a python list e.g. initial is self.token2index[""] + cost: negative log likelihood + + Returns: + captions sorted by the cost (i.e. negative log llikelihood) + ''' + found_paths=[] + top_k_states=[initial_state] + while (len(found_paths) < self.beamsize): + #forward one step for all top k states, then only select top k after that + new_top_k_states=[] + for state in top_k_states: + #examine to next five possible states + hy, cy, k_best_next_states = self.successor(state) + for next_state in k_best_next_states: + new_top_k_states.append(next_state) + selected_top_k_states=heapq.nsmallest(self.beamsize, new_top_k_states, key=lambda x : x["cost"]) + + #within the selected states, let's check if it is terminal or not. + top_k_states=[] + for state in selected_top_k_states: + #is goal state? -> yes, then end the search + if state["path"][-1] == self.token2index[""] or len(state["path"])==self.depth_limit: + found_paths.append(state) + else: + top_k_states.append(state) + + return sorted(found_paths, key=lambda x: x["cost"]) + + def beam_search0(self,initial_state): + #original one. This takes much memory + ''' + Beam search is a graph search algorithm! So I use graph search abstraction + Args: + initial state: an initial stete, python tuple (hx,cx,path,cost) + each state has + hx: hidden states + cx: cell states + path: word indicies so far as a python list e.g. initial is self.token2index[""] + cost: negative log likelihood + Returns: + captions sorted by the cost (i.e. negative log llikelihood) + ''' + found_paths=[] + q = Q.PriorityQueue() + q.put((0,initial_state)) + while (len(found_paths) < self.beamsize): + i=0 + # this is just a one step ahead? + while not q.empty(): + if i == self.beamsize: + break + state=q.get()[1] + #is goal state? -> yes, then end the search + if state["path"][-1] == self.token2index[""] or len(state["path"])==self.depth_limit: + found_paths.append(state) + continue + #examine to next five possible states and add to priority queue + hy, cy, k_best_next_states = self.successor(state) + for next_state in k_best_next_states: + q.put((state["cost"],next_state)) + i+=1 + + return sorted(found_paths, key=lambda x: x["cost"]) + + def generate(self,image_file_path): + ''' + Args: + image_file_path: image_file_path + ''' + img=self.image_loader.load(image_file_path) + return self.generate_from_img(img) + + + def generate_from_img_feature(self,image_feature): + if self.gpu_id >= 0: + image_feature=cuda.to_gpu(image_feature) + + batch_size=1 + hx=xp.zeros((self.rnn_model.n_layers, batch_size, self.rnn_model.hidden_dim), dtype=xp.float32) + cx=xp.zeros((self.rnn_model.n_layers, batch_size, self.rnn_model.hidden_dim), dtype=xp.float32) + + hy,cy = self.rnn_model.input_cnn_feature(hx,cx,image_feature) + + + initial_state={\ + "hidden":hy,\ + "cell":cy,\ + "path":[self.token2index[self.first_word]],\ + "cost":0,\ + }\ + + captions=self.beam_search(initial_state) + + caption_candidates=[] + for caption in captions: + sentence= [self.index2token[word_idx] for word_idx in caption["path"]] + log_likelihood = -float(caption["cost"])#cost is the negative log likelihood + caption_candidates.append({"sentence":sentence,"log_likelihood":log_likelihood}) + + return caption_candidates + + def generate_from_img(self,image_array): + '''Generate Caption for an Numpy Image array + + Args: + image_array: numpy array of image + + Returns: + list of generated captions, sorted by the cost (i.e. negative log llikelihood) + + The structure is [caption,caption,caption,...] + Where caption = {"sentence": a generated sentence as a python list of word, "log_likelihood": The log llikelihood of the generated sentence} + + ''' + if self.gpu_id >= 0: + image_array=cuda.to_gpu(image_array) + image_feature=self.cnn_model(image_array, "feature").data.reshape(1,1,2048)#次元が一つ多いのは、NstepLSTMはsequaenceとみなすから。(sequence size, batch size, feature dim)ということ + return self.generate_from_img_feature(image_feature) + +if __name__ == '__main__': + xp=np + #test code on cpu + caption_generator=CaptionGenerator( + rnn_model_place="../experiment1/caption_model1.model",\ + cnn_model_place="../data/ResNet50.model",\ + dictonary_place="../data/MSCOCO/mscoco_caption_train2014_processed_dic.json",\ + beamsize=3,depth_limit=50,gpu_id=-1,) + + # batch_size=1 + # hx=xp.zeros((caption_generator.rnn_model.n_layers, batch_size, caption_generator.rnn_model.hidden_dim), dtype=xp.float32) + # cx=xp.zeros((caption_generator.rnn_model.n_layers, batch_size, caption_generator.rnn_model.hidden_dim), dtype=xp.float32) + # img=caption_generator.image_loader.load("../sample_imgs/COCO_val2014_000000185546.jpg") + # image_feature=caption_generator.cnn_model(img, "feature").data.reshape(1,1,2048)#次元が一つ多いのは、NstepLSTMはsequaenceとみなすから。(sequence size, batch size, feature dim)ということ + + # hy,cy = caption_generator.rnn_model.input_cnn_feature(hx,cx,image_feature) + # initial_state={\ + # "hidden":hy,\ + # "cell":cy,\ + # "path":[caption_generator.token2index[""]],\ + # "cost":0,\ + # }\ + + # #successor test + # next_states= caption_generator.successor(initial_state) + # print next_states + + # print "beam search test" + # captions= caption_generator.beam_search(initial_state) + # print captions + + captions = caption_generator.generate("../sample_imgs/COCO_val2014_000000185546.jpg") + for caption in captions: + print(caption["sentence"]) + print(caption["log_likelihood"]) + diff --git a/scenes/chainer-caption/code/Image2CaptionDecoder.py b/scenes/chainer-caption/code/Image2CaptionDecoder.py new file mode 100644 index 0000000..0f65629 --- /dev/null +++ b/scenes/chainer-caption/code/Image2CaptionDecoder.py @@ -0,0 +1,99 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + +#implementation of LSTM net for caption generation +#inpired from https://github.com/dsanno/chainer-image-caption/blob/master/src/net.py +#consulted on http://www.monthly-hack.com/entry/2016/10/24/200000 +#consulted on http://qiita.com/chantera/items/d8104012c80e3ea96df7 + +import chainer +import chainer.functions as F +import chainer.links as L + +class Image2CaptionDecoder(chainer.Chain): + def __init__(self, vocaburary_size, img_feature_dim=2048, hidden_dim=512,dropout_ratio=0.5,train=True, n_layers=1): + super(Image2CaptionDecoder, self).__init__( + embed_word= L.EmbedID(vocaburary_size, hidden_dim), + embed_image= L.Linear(img_feature_dim, hidden_dim), + lstm = L.NStepLSTM(n_layers=n_layers,in_size=hidden_dim,out_size=hidden_dim,dropout=dropout_ratio), + decode_word = L.Linear(hidden_dim, vocaburary_size), + ) + self.dropout_ratio = dropout_ratio + self.train = train + #added + chainer.global_config.train = train + self.n_layers=n_layers + self.hidden_dim=hidden_dim + + def input_cnn_feature(self,hx,cx,image_feature): + h = self.embed_image(image_feature) + h = [F.reshape(img_embedding,(1,self.hidden_dim)) for img_embedding in h]#一回 python list/tuple にしないとerrorが出る + hy, cy, ys = self.lstm(hx, cx, h) + return hy,cy + + def __call__(self, hx, cx, caption_batch): + #hx (~chainer.Variable): Initial hidden states. + #cx (~chainer.Variable): Initial cell states. + #xs (list of ~chianer.Variable): List of input sequences.Each element ``xs[i]`` is a :class:`chainer.Variable` holding a sequence. + xs = [self.embed_word(caption) for caption in caption_batch] + hy, cy, ys = self.lstm(hx, cx, xs) + predicted_caption_batch = [self.decode_word(generated_caption) for generated_caption in ys] + if self.train: + loss=0 + for y, t in zip(predicted_caption_batch, caption_batch): + loss+=F.softmax_cross_entropy(y[0:-1], t[1:]) + return loss/len(predicted_caption_batch) + else: + return hy, cy, predicted_caption_batch + +class Image2CaptionDecoderOld(chainer.Chain): + def __init__(self, vocaburary_size, img_feature_dim=2048, hidden_dim=512,dropout_ratio=0.5,train=True): + self.dropout_ratio = dropout_ratio + super(Image2CaptionDecoderOld, self).__init__( + embed_word= L.EmbedID(vocaburary_size, hidden_dim), + embed_image= L.Linear(img_feature_dim, hidden_dim), + lstm = L.LSTM(hidden_dim, hidden_dim), + decode_word = L.Linear(hidden_dim, vocaburary_size), + ) + self.train = train + #added + chainer.global_config.train = train + + def input_cnn_feature(self, image_feature): + self.lstm.reset_state() + h = self.embed_image(image_feature) + self.lstm(F.dropout(h, ratio=self.dropout_ratio)) + + def __call__(self, cur_word, next_word=None): + h = self.embed_word(cur_word) + h = self.lstm(F.dropout(h, ratio=self.dropout_ratio)) + h = self.decode_word(F.dropout(h, ratio=self.dropout_ratio)) + if self.train: + self.loss = F.softmax_cross_entropy(h, next_word) + return self.loss + else: + return h + + +if __name__ == '__main__': + #test code on cpu + import numpy as np + image_feature=np.zeros([2,2048],dtype=np.float32) + x_batch=[[1,2,3,4,2,3,0,2],[1,2,3,3,1]] + x_batch = [np.array(x,dtype=np.int32) for x in x_batch] + model=Image2CaptionDecoder(5) + batch_size=len(x_batch) + hx=np.zeros((model.n_layers, batch_size, model.hidden_dim), dtype=np.float32) + cx=np.zeros((model.n_layers, batch_size, model.hidden_dim), dtype=np.float32) + hx,cx=model.input_cnn_feature(hx,cx,image_feature) + loss = model(hx, cx, x_batch) + + #test old one + image_feature=np.zeros([1,2048],dtype=np.float32) + x_list=np.array([[1,2,3,4,2,3,0,2]],dtype=np.int32).T + model=Image2CaptionDecoderOld(5) + model.input_cnn_feature(image_feature) + loss = 0 + for cur_word, next_word in zip(x_list, x_list[1:]): + loss += model(cur_word, next_word) + diff --git a/scenes/chainer-caption/code/ResNet50.py b/scenes/chainer-caption/code/ResNet50.py new file mode 100644 index 0000000..cd50d63 --- /dev/null +++ b/scenes/chainer-caption/code/ResNet50.py @@ -0,0 +1,117 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + + +#adapted from https://github.com/yasunorikudo/chainer-ResNet/blob/master/ResNet50.py + +import math +import chainer +import chainer.functions as F +import chainer.links as L + + +class BottleNeckA(chainer.Chain): + def __init__(self, in_size, ch, out_size, stride=2): + w = math.sqrt(2) + super(BottleNeckA, self).__init__( + conv1=L.Convolution2D(in_size, ch, 1, stride, 0, w), + bn1=L.BatchNormalization(ch), + conv2=L.Convolution2D(ch, ch, 3, 1, 1, w), + bn2=L.BatchNormalization(ch), + conv3=L.Convolution2D(ch, out_size, 1, 1, 0, w), + bn3=L.BatchNormalization(out_size), + + conv4=L.Convolution2D(in_size, out_size, 1, stride, 0, w), + bn4=L.BatchNormalization(out_size), + ) + + def __call__(self, x, train): + h1 = F.relu(self.bn1(self.conv1(x))) + h1 = F.relu(self.bn2(self.conv2(h1))) + h1 = self.bn3(self.conv3(h1)) + h2 = self.bn4(self.conv4(x)) + + return F.relu(h1 + h2) + + +class BottleNeckB(chainer.Chain): + def __init__(self, in_size, ch): + w = math.sqrt(2) + super(BottleNeckB, self).__init__( + conv1=L.Convolution2D(in_size, ch, 1, 1, 0, w), + bn1=L.BatchNormalization(ch), + conv2=L.Convolution2D(ch, ch, 3, 1, 1, w), + bn2=L.BatchNormalization(ch), + conv3=L.Convolution2D(ch, in_size, 1, 1, 0, w), + bn3=L.BatchNormalization(in_size), + ) + + def __call__(self, x, train): + h = F.relu(self.bn1(self.conv1(x))) + h = F.relu(self.bn2(self.conv2(h))) + h = self.bn3(self.conv3(h)) + + return F.relu(h + x) + + +class Block(chainer.Chain): + def __init__(self, layer, in_size, ch, out_size, stride=2): + super(Block, self).__init__() + links = [('a', BottleNeckA(in_size, ch, out_size, stride))] + for i in range(layer-1): + links += [('b{}'.format(i+1), BottleNeckB(out_size, ch))] + + for l in links: + self.add_link(*l) + self.forward = links + + def __call__(self, x, train): + for name, _ in self.forward: + f = getattr(self, name) + x = f(x, train) + + return x + + +class ResNet(chainer.Chain): + + insize = 224 + + def __init__(self): + w = math.sqrt(2) + super(ResNet, self).__init__( + conv1=L.Convolution2D(3, 64, 7, 2, 3, w), + bn1=L.BatchNormalization(64), + res2=Block(3, 64, 64, 256, 1), + res3=Block(4, 256, 128, 512), + res4=Block(6, 512, 256, 1024), + res5=Block(3, 1024, 512, 2048), + fc=L.Linear(2048, 1000), + ) + self.train = True + #added + chainer.global_config.train = True + + def clear(self): + self.loss = None + self.accuracy = None + + def __call__(self, x, t): + self.clear() + h = self.bn1(self.conv1(x)) + h = F.max_pooling_2d(F.relu(h), 3, stride=2) + h = self.res2(h, self.train) + h = self.res3(h, self.train) + h = self.res4(h, self.train) + h = self.res5(h, self.train) + h = F.average_pooling_2d(h, 7, stride=1) + if t=="feature": + return h + h = self.fc(h) + + if self.train: + self.loss = F.softmax_cross_entropy(h, t) + self.accuracy = F.accuracy(h, t) + return self.loss + else: + return h diff --git a/scenes/chainer-caption/code/__pycache__/CaptionGenerator.cpython-35.pyc b/scenes/chainer-caption/code/__pycache__/CaptionGenerator.cpython-35.pyc new file mode 100644 index 0000000..3a33a08 Binary files /dev/null and b/scenes/chainer-caption/code/__pycache__/CaptionGenerator.cpython-35.pyc differ diff --git a/scenes/chainer-caption/code/__pycache__/Image2CaptionDecoder.cpython-35.pyc b/scenes/chainer-caption/code/__pycache__/Image2CaptionDecoder.cpython-35.pyc new file mode 100644 index 0000000..abf61cd Binary files /dev/null and b/scenes/chainer-caption/code/__pycache__/Image2CaptionDecoder.cpython-35.pyc differ diff --git a/scenes/chainer-caption/code/__pycache__/ResNet50.cpython-35.pyc b/scenes/chainer-caption/code/__pycache__/ResNet50.cpython-35.pyc new file mode 100644 index 0000000..61a95f5 Binary files /dev/null and b/scenes/chainer-caption/code/__pycache__/ResNet50.cpython-35.pyc differ diff --git a/scenes/chainer-caption/code/__pycache__/image_loader.cpython-35.pyc b/scenes/chainer-caption/code/__pycache__/image_loader.cpython-35.pyc new file mode 100644 index 0000000..185f3b9 Binary files /dev/null and b/scenes/chainer-caption/code/__pycache__/image_loader.cpython-35.pyc differ diff --git a/scenes/chainer-caption/code/image_loader.py b/scenes/chainer-caption/code/image_loader.py new file mode 100644 index 0000000..9af401f --- /dev/null +++ b/scenes/chainer-caption/code/image_loader.py @@ -0,0 +1,71 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + +''' +The class to read and crop image and output as numpy array. + +The implementatin is partly taken from the following +https://github.com/dsanno/chainer-recognize/blob/master/model.py#L32-L45 +http://qiita.com/dsanno/items/2c9ccfc53b5019475e0e#画像をnumpy配列に変換する +''' +import imageio +import numpy as np +from PIL import Image +import scipy.misc + + +class Image_loader(object): + def __init__(self,mean=None): + + #define mean + #mean is a channelwise mean + if mean == None: + self.mean_image = np.zeros((3,1,1)) + elif mean == "imagenet": + mean_image = np.ndarray((3, 224, 224), dtype=np.float32) + mean_image[0] = 103.939 + mean_image[1] = 116.779 + mean_image[2] = 123.68 + self.mean_image = mean_image + else: + self.mean_image = mean#user specified mean + + def load(self,image_path,image_w=224,image_h=224,expand_batch_dim=True): + ''' + given path, load and resize. + the output will be croped image whose size is image_w x image_h + ''' + image = Image.open(image_path).convert('RGB') + return self.resise(image,image_w,image_h,expand_batch_dim) + + def resise(self,image,image_w=224,image_h=224,expand_batch_dim=True): + ''' + given image numpy array, resize + the output will be croped image whose size is image_w x image_h + ''' + w, h = image.size + if w > h: + shape = (image_w * w // h, image_h) + else: + shape = (image_w, image_h * h // w) + x = (shape[0] - image_w) // 2 + y = (shape[1] - image_h) // 2 + pixels = np.asarray(image.resize(shape).crop((x, y, x + image_w, y + image_h))).astype(np.float32) + pixels = pixels[:,:,::-1].transpose(2,0,1) + pixels -= self.mean_image + if expand_batch_dim: + return pixels.reshape((1,) + pixels.shape) + else: + return pixels + #not working + def save(self,np_image,file_path): + ''' + given numpy array (that is generated by self.resise() ), save it into file + + ''' + np_image=np_image.transpose(1,2,0)[:,:,::-1]#reverse rgb channel and tensor shape + scipy.misc.imsave(file_path, np_image) + + def save2(self,np_image,file_path): + imageio.imwrite(file_path, np_image) + \ No newline at end of file diff --git a/scenes/chainer-caption/data/.gitkeep b/scenes/chainer-caption/data/.gitkeep new file mode 100644 index 0000000..e69de29 diff --git a/scenes/chainer-caption/data/MSCOCO/mscoco_caption_train2014_processed_dic.json b/scenes/chainer-caption/data/MSCOCO/mscoco_caption_train2014_processed_dic.json new file mode 100644 index 0000000..94b8791 --- /dev/null +++ b/scenes/chainer-caption/data/MSCOCO/mscoco_caption_train2014_processed_dic.json @@ -0,0 +1,8852 @@ +{ + "!": 5775, + "#": 6951, + "$": 3150, + "&": 4293, + "'": 484, + "''": 4525, + "'d": 4530, + "'m": 4531, + "'re": 5889, + "'s": 4527, + "(": 5396, + ")": 849, + ",": 7727, + "-": 3956, + ".": 85, + "...": 3152, + "1": 6186, + "10": 5655, + "11": 5654, + "12": 5657, + "13": 5656, + "13th": 2954, + "15": 5658, + "17": 5659, + "18": 5660, + "1950": 5115, + "1971": 2834, + "1st": 4059, + "2": 2351, + "20": 5787, + "2012": 4830, + "2013": 4829, + "20th": 1368, + "22": 5788, + "24": 5785, + "25": 5786, + "29": 5789, + "3": 7363, + "30": 5912, + "30th": 6648, + "34th": 8364, + "35": 5913, + "350": 4894, + "3d": 5908, + "3rd": 5637, + "4": 3719, + "4-way": 658, + "40": 6026, + "5": 8571, + "50": 6133, + "50th": 8125, + "54": 6132, + "55": 6131, + "5th": 8022, + "6": 4685, + "66": 6250, + "6th": 7851, + "7": 866, + "747": 844, + "8": 5824, + "9": 1971, + ":": 7015, + ";": 3195, + "": 775, + "": 5019, + "": 8849, + ">": 517, + "?": 5430, + "[": 4051, + "``": 2308, + "a": 7447, + "aa": 2416, + "abandon": 5773, + "abandoned": 6523, + "ability": 2083, + "able": 7600, + "aboard": 2025, + "about": 6009, + "above": 2752, + "abstract": 7283, + "abundance": 1636, + "abundant": 7815, + "accent": 8338, + "accented": 6787, + "accents": 6868, + "accept": 2462, + "accepting": 4720, + "access": 371, + "accessible": 6001, + "accessories": 1696, + "accessory": 7850, + "accident": 6645, + "accompanied": 7085, + "accompany": 7099, + "accordion": 6743, + "acrobatic": 4955, + "across": 1295, + "act": 2408, + "acting": 8014, + "action": 2447, + "actions": 8298, + "active": 7700, + "actively": 779, + "activities": 6308, + "activity": 4234, + "actor": 2288, + "actors": 2587, + "actual": 6010, + "actually": 7452, + "ad": 2419, + "add": 5996, + "added": 7516, + "adding": 2836, + "additional": 1058, + "address": 168, + "addresses": 7551, + "adds": 5599, + "adidas": 307, + "adjacent": 8312, + "adjoining": 4735, + "adjust": 6885, + "adjustable": 7505, + "adjusting": 3749, + "adjusts": 8727, + "admire": 394, + "admires": 181, + "admiring": 3754, + "adn": 5997, + "adobe": 3348, + "adolescent": 8256, + "adorable": 676, + "adorn": 4027, + "adorned": 4693, + "adorns": 164, + "ads": 5995, + "adult": 5470, + "adults": 3175, + "advanced": 8396, + "advancing": 6729, + "advantage": 6333, + "adventure": 1907, + "advertise": 8397, + "advertised": 1037, + "advertisement": 249, + "advertisements": 4753, + "advertises": 1033, + "advertising": 838, + "aerial": 7019, + "aeroplane": 7769, + "afar": 8058, + "affection": 7955, + "affectionate": 1962, + "affectionately": 1377, + "affixed": 8376, + "afghan": 7132, + "afield": 3804, + "africa": 8395, + "african": 7854, + "afro": 3149, + "after": 4959, + "afternoon": 1209, + "again": 1354, + "against": 5547, + "age": 8158, + "aged": 8029, + "ages": 8028, + "aggressively": 7298, + "aging": 5478, + "ago": 7027, + "ahead": 3045, + "aid": 5024, + "aim": 5023, + "aimed": 5221, + "aiming": 7931, + "aims": 6365, + "air": 5022, + "airborne": 3093, + "aircraft": 8053, + "aircrafts": 4063, + "airfield": 1842, + "airfrance": 5487, + "airline": 7942, + "airliner": 6816, + "airliners": 5334, + "airlines": 6817, + "airplane": 7323, + "airplanes": 3840, + "airport": 3638, + "airshow": 4264, + "airstrip": 7193, + "airways": 7939, + "airy": 2795, + "aisle": 3357, + "ajar": 1267, + "al": 2421, + "alarm": 5525, + "alaska": 8130, + "album": 5120, + "alcohol": 614, + "alcoholic": 5169, + "alcove": 2454, + "ale": 6301, + "alert": 4745, + "alertly": 690, + "alfalfa": 1324, + "algae": 5252, + "alien": 2008, + "aligned": 5472, + "alike": 7498, + "all": 2748, + "alley": 4596, + "alleyway": 3164, + "alligator": 4949, + "allot": 2631, + "allover": 7633, + "allow": 2632, + "allowed": 4566, + "allowing": 2004, + "allows": 8600, + "ally": 6915, + "almond": 6036, + "almonds": 7146, + "almost": 5988, + "aloft": 6416, + "alone": 6718, + "along": 6719, + "alongside": 7473, + "alot": 3712, + "alpine": 3313, + "already": 3937, + "also": 361, + "alter": 4319, + "altered": 2359, + "altitude": 125, + "alto": 7831, + "aluminum": 8509, + "always": 2484, + "am": 2420, + "amateur": 1731, + "amazed": 3582, + "amazing": 1100, + "ambulance": 7201, + "ambulances": 3902, + "amenities": 5767, + "america": 766, + "american": 870, + "amid": 1644, + "amidst": 8708, + "amish": 435, + "among": 1300, + "amongst": 6291, + "amount": 7435, + "amounts": 934, + "amp": 1072, + "ample": 7650, + "amtrak": 2686, + "amusement": 5119, + "amusing": 4446, + "an": 2422, + "ana": 6651, + "analog": 382, + "anchor": 3397, + "anchored": 778, + "anchovies": 4159, + "ancient": 711, + "and": 8596, + "angel": 2953, + "angeles": 7563, + "angels": 7312, + "angle": 6500, + "angled": 8218, + "angles": 8221, + "angrily": 7185, + "angry": 4556, + "animal": 2625, + "animals": 7059, + "animated": 7497, + "animation": 1796, + "anime": 2858, + "ankle": 6085, + "ankles": 981, + "ann": 4092, + "announcer": 3795, + "announcing": 7558, + "annual": 8055, + "another": 616, + "ans": 4094, + "answering": 7876, + "antelope": 4824, + "antelopes": 1688, + "antenna": 3020, + "anticipating": 4486, + "anticipation": 1229, + "antique": 2853, + "antiques": 1415, + "antlers": 1582, + "any": 4095, + "anyone": 5649, + "anything": 2572, + "anytime": 848, + "apart": 4002, + "apartment": 1876, + "apartments": 4773, + "app": 2024, + "apparatus": 7040, + "apparel": 6297, + "apparently": 5949, + "appealing": 7101, + "appear": 5085, + "appearance": 8227, + "appearing": 1712, + "appears": 2886, + "appetizer": 1144, + "appetizers": 8466, + "appetizing": 1491, + "applauding": 4103, + "apple": 8731, + "apples": 760, + "appliance": 7410, + "appliances": 8602, + "application": 935, + "applied": 5020, + "applying": 4158, + "appointed": 962, + "approach": 6106, + "approached": 1542, + "approaches": 1543, + "approaching": 6946, + "appropriate": 7011, + "approval": 3270, + "apricots": 2705, + "apron": 1025, + "aprons": 937, + "aqua": 7629, + "aquarium": 3975, + "ar": 2424, + "arabic": 3843, + "arbor": 5614, + "arcade": 2574, + "arch": 595, + "arched": 3206, + "arches": 3208, + "architectural": 679, + "architecture": 7088, + "archway": 5844, + "are": 7594, + "area": 7405, + "areas": 3823, + "arena": 836, + "arial": 8519, + "arid": 3182, + "arm": 163, + "armchair": 6246, + "armed": 3642, + "armoire": 4192, + "armor": 986, + "armored": 4091, + "armrest": 4601, + "arms": 7708, + "army": 7707, + "around": 4635, + "arranged": 1348, + "arrangement": 5931, + "arrangements": 1587, + "arranges": 1349, + "arranging": 3778, + "array": 6210, + "arrayed": 3962, + "arrival": 8517, + "arrive": 3199, + "arrived": 4255, + "arrives": 4254, + "arriving": 2329, + "arrow": 43, + "arrows": 5631, + "art": 8664, + "artful": 2955, + "artfully": 5986, + "artichoke": 4826, + "artichokes": 4619, + "article": 2967, + "articles": 2044, + "articulated": 2259, + "artifacts": 6556, + "artificial": 1153, + "artisan": 7336, + "artist": 5630, + "artistic": 6937, + "artistically": 4609, + "arts": 3564, + "artsy": 4085, + "artwork": 8427, + "arugula": 2697, + "as": 2423, + "ascending": 1122, + "ascends": 4973, + "ascent": 5715, + "ashore": 2843, + "asia": 7695, + "asian": 5453, + "aside": 6773, + "asking": 675, + "asleep": 5156, + "asparagus": 3186, + "asphalt": 4229, + "ass": 830, + "assembled": 8275, + "assembling": 1706, + "assembly": 807, + "assist": 1322, + "assisted": 1510, + "assisting": 7017, + "assists": 923, + "assorted": 8842, + "assortment": 5302, + "astounding": 5448, + "astride": 4858, + "at": 5987, + "ate": 6610, + "athlete": 7061, + "athletes": 6783, + "athletic": 5034, + "atlanta": 2700, + "atlantic": 424, + "atm": 6612, + "atmosphere": 7108, + "atop": 7016, + "atrium": 2760, + "attached": 2966, + "attaching": 1305, + "attachment": 8145, + "attachments": 982, + "attack": 3237, + "attacking": 2515, + "attempt": 5482, + "attempted": 6152, + "attempting": 768, + "attempts": 7749, + "attend": 2036, + "attendant": 4214, + "attendants": 4221, + "attended": 8477, + "attendees": 2265, + "attending": 7581, + "attention": 3268, + "attentive": 8528, + "attentively": 3892, + "attic": 6940, + "attire": 8725, + "attraction": 2325, + "attractions": 1664, + "attractive": 6544, + "attractively": 5424, + "attracts": 2178, + "atv": 6613, + "atvs": 4100, + "auction": 3901, + "audience": 3589, + "audio": 528, + "auditorium": 6839, + "australia": 4756, + "australian": 8440, + "authentic": 4690, + "auto": 3221, + "autographs": 7440, + "automated": 2127, + "automatic": 6102, + "automobile": 1929, + "automobiles": 697, + "autumn": 6183, + "av": 2426, + "available": 4732, + "ave": 4353, + "ave.": 352, + "avenue": 1913, + "average": 4603, + "avid": 1012, + "avocado": 4966, + "avocados": 127, + "avoid": 2727, + "avoiding": 7842, + "await": 2627, + "awaiting": 225, + "awaits": 764, + "awake": 391, + "award": 4952, + "awards": 1299, + "away": 651, + "awesome": 4565, + "awful": 6309, + "awkward": 5776, + "awkwardly": 7964, + "awning": 5973, + "awnings": 3125, + "b": 3690, + "babies": 2248, + "baby": 458, + "back": 3735, + "backdrop": 6600, + "backed": 1407, + "background": 7784, + "backhand": 3295, + "backing": 6982, + "backlit": 5498, + "backpack": 6602, + "backpacks": 8013, + "backs": 2000, + "backseat": 8031, + "backside": 4585, + "backsides": 7047, + "backsplash": 7339, + "backup": 809, + "backward": 4037, + "backwards": 1544, + "backyard": 2472, + "bacon": 6571, + "bad": 2644, + "badge": 6715, + "badges": 6472, + "badly": 6873, + "badminton": 3126, + "bag": 7756, + "bagel": 8777, + "bagels": 2324, + "baggage": 4417, + "bagged": 547, + "baggy": 6420, + "bags": 7909, + "baguette": 2867, + "bail": 1677, + "bails": 1651, + "bake": 4047, + "baked": 3885, + "baker": 3882, + "bakers": 5367, + "bakery": 5366, + "bakes": 5445, + "baking": 5458, + "balance": 7770, + "balanced": 2863, + "balances": 2862, + "balancing": 7424, + "balck": 3808, + "balconies": 224, + "balcony": 3306, + "bald": 2710, + "balding": 4040, + "bale": 2709, + "bales": 1759, + "ball": 2707, + "ballgame": 1989, + "balloon": 7640, + "balloons": 1040, + "ballpark": 2969, + "ballroom": 4069, + "balls": 7058, + "baltimore": 1453, + "bamboo": 5873, + "ban": 7757, + "banana": 5258, + "bananas": 2715, + "band": 4969, + "bandage": 6834, + "bandana": 969, + "bandanna": 4359, + "bands": 4001, + "bangs": 710, + "banister": 5278, + "bank": 4970, + "banks": 5146, + "bannanas": 50, + "banner": 4730, + "banners": 6703, + "bannister": 12, + "banquet": 8661, + "baord": 7641, + "bar": 7754, + "barb": 6453, + "barbecue": 7541, + "barbecued": 2397, + "barbed": 4627, + "barbeque": 6516, + "barber": 4628, + "barbershop": 5444, + "barbie": 703, + "barbwire": 3056, + "bard": 8667, + "bare": 7593, + "bareback": 6231, + "barefoot": 8539, + "barefooted": 7649, + "barely": 6961, + "barge": 2845, + "bark": 8668, + "barking": 8237, + "barn": 8669, + "barns": 8767, + "barnyard": 735, + "baron": 3180, + "barred": 364, + "barrel": 366, + "barrels": 4342, + "barren": 365, + "barricade": 6395, + "barricades": 4310, + "barrier": 609, + "barriers": 8172, + "barrow": 2923, + "barry": 3565, + "bars": 8663, + "barstools": 30, + "bartender": 7818, + "base": 3084, + "baseball": 8436, + "baseballs": 2909, + "based": 5394, + "baseline": 7500, + "baseman": 613, + "basement": 7485, + "bases": 5397, + "basic": 1164, + "basil": 1165, + "basin": 7160, + "basins": 5974, + "basket": 1254, + "basketball": 4431, + "baskets": 4758, + "bass": 3080, + "bassinet": 1423, + "bat": 7753, + "batch": 4249, + "batches": 3031, + "bath": 1726, + "bathe": 3573, + "bathed": 8001, + "bathing": 3218, + "bathrobe": 6692, + "bathroom": 8374, + "bathrooms": 7906, + "bathtub": 4886, + "bathtub/shower": 3117, + "batman": 1216, + "bats": 1727, + "batter": 3703, + "battered": 5612, + "batteries": 6540, + "batters": 1034, + "battery": 3124, + "batting": 1795, + "battle": 695, + "battleship": 795, + "bay": 7755, + "bazaar": 4807, + "bbq": 8799, + "be": 2568, + "beach": 4957, + "beached": 1854, + "beachfront": 3538, + "beacon": 3635, + "bead": 8207, + "beaded": 1802, + "beads": 1533, + "beagle": 7924, + "beak": 8206, + "beaked": 8251, + "beaks": 4658, + "beam": 8204, + "beaming": 2427, + "beams": 6942, + "bean": 8205, + "beanie": 8072, + "beans": 3744, + "bear": 8203, + "beard": 7590, + "bearded": 1179, + "bearing": 2742, + "bears": 7588, + "beast": 4356, + "beat": 8200, + "beaten": 3896, + "beautiful": 2459, + "beautifully": 6986, + "beauty": 6598, + "because": 8822, + "become": 536, + "becomes": 7555, + "becoming": 5060, + "bed": 3243, + "bedding": 4904, + "bedroom": 7109, + "beds": 691, + "bedside": 1286, + "bedspread": 5568, + "bee": 3244, + "beef": 3982, + "been": 3985, + "beer": 3986, + "beers": 8445, + "bees": 3987, + "beet": 3988, + "beetle": 4579, + "beets": 1559, + "before": 1109, + "begging": 4106, + "begin": 7352, + "beginning": 1408, + "begins": 1131, + "behind": 3545, + "beige": 5433, + "being": 252, + "believing": 1808, + "bell": 8712, + "bells": 7209, + "belly": 5559, + "belong": 3137, + "belonging": 4173, + "belongings": 5365, + "belongs": 5039, + "below": 6561, + "belt": 389, + "ben": 3242, + "bench": 3853, + "benches": 120, + "bend": 7064, + "bending": 4360, + "bends": 2487, + "beneath": 7086, + "bent": 2619, + "bento": 1850, + "benz": 2620, + "beret": 3676, + "berries": 5329, + "berry": 6242, + "beside": 1648, + "besides": 6751, + "bespectacled": 3837, + "best": 2233, + "better": 7729, + "between": 5159, + "beverage": 434, + "beverages": 8792, + "beware": 288, + "beyond": 7458, + "bi": 6717, + "bi-plane": 221, + "biathlon": 802, + "bib": 8083, + "bible": 5756, + "bicycle": 6035, + "bicycles": 4538, + "bicycling": 4160, + "bicyclist": 4110, + "bicyclists": 3581, + "bid": 4489, + "bidet": 4686, + "big": 8082, + "bigger": 4207, + "bike": 4928, + "biker": 2674, + "bikers": 4087, + "bikes": 2675, + "biking": 5296, + "bikini": 5295, + "bikinis": 3983, + "bill": 4400, + "billboard": 116, + "billboards": 465, + "billowing": 6046, + "billows": 3216, + "bills": 6482, + "bin": 8081, + "binder": 118, + "binders": 1894, + "binoculars": 5989, + "bins": 5929, + "biplane": 3496, + "biplanes": 7274, + "birch": 4256, + "bird": 2607, + "birdcage": 4663, + "birdhouse": 2124, + "birds": 2915, + "birth": 2256, + "birthday": 8455, + "biscuit": 8741, + "biscuits": 8009, + "bison": 1156, + "bit": 8084, + "bite": 4589, + "bites": 7846, + "biting": 2056, + "bits": 4592, + "bitten": 6619, + "bizarre": 8524, + "black": 3546, + "black-and-white": 8732, + "blackberries": 6477, + "blackberry": 803, + "blackened": 7728, + "blacktop": 8249, + "blade": 2168, + "blades": 1000, + "blank": 4217, + "blanket": 2749, + "blankets": 3587, + "blast": 2880, + "blaze": 8116, + "blazer": 8678, + "blazing": 5934, + "bleacher": 7540, + "bleachers": 4443, + "bleak": 7998, + "bleeding": 8121, + "blend": 3103, + "blended": 369, + "blender": 370, + "blenders": 6342, + "blending": 6650, + "blind": 753, + "blinder": 2193, + "blinders": 1124, + "blindfold": 7715, + "blindfolded": 1535, + "blinds": 6794, + "blizzard": 5914, + "block": 7521, + "blocked": 4071, + "blocking": 584, + "blocks": 2626, + "blond": 358, + "blonde": 539, + "blood": 3653, + "bloody": 2303, + "bloom": 3654, + "blooming": 7190, + "blooms": 8230, + "blossom": 873, + "blossoms": 2205, + "blouse": 6575, + "blow": 8553, + "blowing": 4905, + "blown": 2651, + "blows": 2656, + "blt": 6748, + "blue": 1624, + "blueberries": 7421, + "blueberry": 7800, + "bluebird": 6688, + "blues": 6920, + "bluff": 5926, + "blur": 1626, + "blurred": 3549, + "blurry": 7148, + "blvd": 2622, + "bmw": 3570, + "boad": 6810, + "boar": 6811, + "board": 5040, + "boarded": 77, + "boarder": 74, + "boarders": 1126, + "boarding": 5510, + "boards": 963, + "boardwalk": 4382, + "boars": 5038, + "boat": 6812, + "boaters": 3368, + "boating": 7741, + "boats": 2770, + "bodies": 2514, + "body": 8124, + "bodyboard": 1957, + "bodyboarding": 5126, + "bodysuit": 4474, + "boeing": 2630, + "boiled": 97, + "boiling": 8495, + "bold": 7791, + "bomb": 2221, + "bomber": 3039, + "bonds": 4869, + "bone": 5490, + "bones": 8142, + "bonsai": 7719, + "boogie": 6576, + "book": 8844, + "bookbag": 6353, + "bookcase": 7180, + "bookcases": 2411, + "books": 483, + "bookshelf": 3869, + "bookshelves": 4267, + "bookstore": 3607, + "boom": 8845, + "booster": 1418, + "boot": 8843, + "booth": 5347, + "booths": 4126, + "boots": 5344, + "booty": 5342, + "booze": 3106, + "border": 3249, + "bordered": 7817, + "bordering": 2340, + "borders": 3567, + "bored": 3748, + "boring": 4329, + "born": 673, + "boston": 6623, + "bot": 1238, + "both": 7490, + "bottle": 7920, + "bottled": 3408, + "bottles": 3407, + "bottom": 117, + "bottoms": 1042, + "bought": 2082, + "boulder": 8047, + "boulders": 8214, + "boulevard": 4588, + "bounces": 4258, + "bouncing": 5507, + "bound": 5053, + "boundary": 1575, + "bouquet": 4323, + "bouquets": 2489, + "bourbon": 2680, + "boutonniere": 445, + "bovine": 2333, + "bow": 1239, + "bowed": 7469, + "bowel": 7470, + "bowing": 6682, + "bowl": 8535, + "bowler": 7317, + "bowling": 2331, + "bowls": 2194, + "bows": 8536, + "bowtie": 5755, + "box": 1236, + "boxcar": 3741, + "boxcars": 1874, + "boxed": 5041, + "boxers": 5283, + "boxes": 5042, + "boxing": 5923, + "boy": 1237, + "boys": 5888, + "bra": 575, + "brace": 6932, + "bracelet": 6280, + "bracelets": 7361, + "braces": 1552, + "brahma": 4827, + "braided": 4210, + "brake": 7255, + "brakes": 3156, + "branch": 7524, + "branches": 8459, + "brand": 8259, + "branded": 8605, + "brass": 6296, + "bratwurst": 8841, + "brave": 7304, + "bread": 7927, + "breaded": 682, + "breads": 767, + "break": 7207, + "breakfast": 2956, + "breaking": 4199, + "breaks": 1710, + "breast": 1440, + "breasted": 2316, + "breasts": 2003, + "breath": 2386, + "breed": 2944, + "breeds": 8728, + "breeze": 5174, + "brick": 7670, + "bricked": 7632, + "bricks": 6245, + "bridal": 3732, + "bride": 7472, + "brides": 8257, + "bridge": 1669, + "bridges": 8157, + "bridle": 5269, + "bridled": 3099, + "brief": 1885, + "briefcase": 2334, + "briefcases": 1357, + "bright": 4606, + "brightly": 4028, + "brightly-colored": 2765, + "brim": 4694, + "brimmed": 2448, + "bring": 4864, + "bringing": 5, + "brings": 6590, + "bristles": 4650, + "britain": 8568, + "british": 5129, + "broad": 6441, + "broadly": 4044, + "broadway": 6911, + "broccoli": 7133, + "broccolli": 6836, + "brochure": 2874, + "brochures": 3876, + "brocolli": 978, + "broiled": 9, + "broiler": 7, + "broke": 3051, + "broken": 3596, + "bronco": 6513, + "bronze": 4240, + "broom": 7568, + "broth": 1694, + "brother": 8430, + "brothers": 5071, + "brought": 6585, + "brown": 7294, + "browned": 3052, + "brownie": 7295, + "brownies": 546, + "browning": 3524, + "brownish": 3462, + "browns": 2468, + "browse": 4405, + "browses": 5137, + "browsing": 4945, + "bruised": 5606, + "brunch": 3274, + "brunette": 341, + "brush": 8840, + "brushed": 3945, + "brushes": 5816, + "brushing": 5895, + "brushy": 8302, + "brussel": 732, + "bubble": 271, + "bubbles": 4175, + "bubbling": 4936, + "bubbly": 268, + "bucket": 3012, + "buckets": 5409, + "bucking": 5403, + "buckled": 3325, + "bucks": 5416, + "bud": 3871, + "buddha": 1852, + "buddhist": 2098, + "buddy": 1076, + "buds": 6289, + "budweiser": 4080, + "buffalo": 2007, + "buffet": 219, + "bug": 3870, + "buggies": 3369, + "buggy": 3605, + "bugs": 761, + "buiding": 4472, + "buidling": 1331, + "build": 8036, + "building": 7415, + "buildings": 3783, + "built": 8034, + "built-in": 7219, + "bulb": 5982, + "bulbs": 1765, + "bulding": 39, + "buldings": 5418, + "buliding": 4413, + "bulidings": 4909, + "bull": 5981, + "bulldog": 1554, + "bulldozer": 6712, + "bullet": 4036, + "bulletin": 367, + "bullpen": 7450, + "bulls": 8016, + "bump": 482, + "bumper": 2498, + "bumping": 5696, + "bumps": 4582, + "bun": 3868, + "bunch": 3788, + "bunched": 2643, + "bunches": 2645, + "bundle": 8604, + "bundled": 580, + "bundles": 579, + "bundt": 2412, + "bunk": 8309, + "bunny": 5029, + "buns": 8310, + "bunt": 8311, + "bunting": 5013, + "buoy": 2747, + "buoys": 6959, + "bureau": 6803, + "burger": 3946, + "burgers": 6666, + "burgundy": 2439, + "buried": 4597, + "burned": 5838, + "burner": 5836, + "burners": 4334, + "burning": 6853, + "burnt": 1713, + "burrito": 2987, + "burritos": 4534, + "bus": 3866, + "buses": 7984, + "bush": 6632, + "bushel": 6354, + "bushels": 1246, + "bushes": 6352, + "bushy": 6677, + "busily": 7358, + "business": 7396, + "businesses": 1437, + "businessman": 3254, + "businessmen": 7463, + "buss": 6630, + "busses": 3329, + "bust": 6631, + "busted": 3833, + "bustling": 6006, + "busy": 6629, + "but": 3867, + "butcher": 5862, + "butt": 5652, + "butter": 5567, + "buttered": 4567, + "butterflies": 362, + "butterfly": 6778, + "buttery": 2579, + "butting": 3340, + "button": 7544, + "buttons": 4866, + "butts": 4875, + "buy": 3865, + "buying": 2413, + "by": 2570, + "bystanders": 6526, + "c": 8677, + "ca": 2695, + "cab": 5102, + "cabbage": 4819, + "cabbages": 7658, + "cabin": 5943, + "cabinet": 8565, + "cabinetry": 1301, + "cabinets": 820, + "cabins": 4748, + "cable": 4674, + "cables": 7958, + "caboose": 1384, + "cabs": 5714, + "cacti": 3609, + "cactus": 7693, + "caddy": 1583, + "cafe": 1493, + "cafeteria": 4020, + "cage": 7083, + "caged": 393, + "cages": 396, + "cake": 4345, + "caked": 5850, + "cakes": 5845, + "cal": 5101, + "calculator": 6983, + "calculators": 4946, + "calendar": 3550, + "calf": 7711, + "calfs": 2257, + "calico": 8101, + "california": 7865, + "call": 7709, + "called": 8711, + "calling": 8209, + "calls": 8577, + "calm": 7710, + "calmly": 1119, + "calories": 6207, + "calves": 2177, + "calzone": 344, + "calzones": 134, + "came": 4455, + "camel": 2102, + "camera": 959, + "cameraman": 5879, + "cameras": 7212, + "camo": 4453, + "camouflage": 5268, + "camouflaged": 3530, + "camp": 4452, + "campaign": 7704, + "camper": 5389, + "campers": 3212, + "campground": 3681, + "camping": 5684, + "campsite": 6899, + "campus": 1028, + "can": 5100, + "canada": 5634, + "canadian": 7832, + "canal": 4269, + "candies": 6264, + "candle": 1483, + "candlelight": 1867, + "candles": 2908, + "candlesticks": 683, + "candy": 3287, + "cane": 1172, + "canes": 4, + "canister": 8543, + "canisters": 3151, + "canned": 2556, + "canning": 414, + "cannon": 5153, + "canoe": 6823, + "canoes": 6821, + "canopies": 4521, + "canopy": 8544, + "cans": 1175, + "cant": 1174, + "cantaloupe": 2376, + "canvas": 2335, + "canyon": 2238, + "cap": 5098, + "capable": 1304, + "cape": 8393, + "capital": 6451, + "capitol": 4492, + "capped": 5054, + "cappuccino": 637, + "caps": 2844, + "captain": 7678, + "caption": 846, + "captive": 115, + "captivity": 3571, + "capture": 5417, + "captured": 6955, + "captures": 8548, + "car": 5097, + "carafe": 8401, + "caramel": 378, + "caravan": 1380, + "carcass": 1659, + "card": 5127, + "cardboard": 3324, + "cardigan": 8033, + "cardinal": 6187, + "cards": 1792, + "care": 4407, + "careful": 6259, + "carefully": 3701, + "cargo": 5084, + "caring": 4618, + "carnation": 3995, + "carnations": 927, + "carnival": 1268, + "carousel": 2945, + "carpet": 7420, + "carpeted": 5245, + "carpeting": 2870, + "carpets": 2301, + "carraige": 4853, + "carriage": 3302, + "carriages": 6886, + "carried": 2117, + "carrier": 2120, + "carriers": 591, + "carries": 2119, + "carring": 5700, + "carrot": 4303, + "carrots": 3248, + "carry": 3521, + "carrying": 7054, + "cars": 5124, + "cart": 5125, + "carting": 3426, + "carton": 4968, + "cartons": 3013, + "cartoon": 6270, + "cartoonish": 5385, + "cartoons": 8662, + "carts": 1202, + "carved": 2425, + "carves": 2418, + "carving": 5580, + "carvings": 7556, + "case": 1827, + "cases": 1768, + "cash": 1829, + "cashews": 635, + "casing": 4805, + "casino": 4806, + "casserole": 2617, + "cast": 2437, + "casting": 6118, + "castle": 4706, + "casts": 7966, + "casual": 7426, + "casually": 2253, + "cat": 5099, + "catamaran": 4910, + "catch": 8379, + "catcher": 5277, + "catchers": 2106, + "catches": 5276, + "catching": 1785, + "catering": 7252, + "caterpillar": 1114, + "cathedral": 6606, + "catholic": 6499, + "cats": 7406, + "catsup": 2126, + "cattle": 5012, + "caucasian": 4213, + "caught": 757, + "cauliflower": 1576, + "cause": 987, + "causing": 2213, + "caution": 4414, + "cave": 880, + "cay": 5096, + "cd": 2696, + "cds": 6373, + "ceiling": 3940, + "ceilings": 1169, + "cel": 857, + "celebrate": 5155, + "celebrates": 166, + "celebrating": 8328, + "celebration": 2757, + "celebratory": 4432, + "celery": 1143, + "cell": 7546, + "cell-phone": 1035, + "cellar": 1495, + "cellphone": 1002, + "cellphones": 6529, + "cellular": 5338, + "cement": 1974, + "cemetary": 5455, + "cemetery": 7507, + "center": 3847, + "centered": 8341, + "centerpiece": 4620, + "centers": 7034, + "central": 459, + "centre": 8779, + "cents": 3725, + "century": 1463, + "ceramic": 289, + "ceramics": 5653, + "cereal": 623, + "ceremonial": 7393, + "ceremony": 1640, + "certain": 6867, + "certainly": 5077, + "cgi": 3158, + "chain": 147, + "chain-link": 4506, + "chained": 7161, + "chains": 8248, + "chair": 148, + "chairlift": 3671, + "chairs": 4901, + "chaise": 8190, + "chalk": 7637, + "chalkboard": 4880, + "challenging": 8610, + "champagne": 5839, + "chance": 7165, + "chandelier": 7234, + "chandeliers": 6108, + "change": 2887, + "changed": 8294, + "changes": 8296, + "changing": 4128, + "channel": 7877, + "chaps": 3759, + "character": 7247, + "characters": 8385, + "charcoal": 1515, + "charge": 6166, + "charger": 7384, + "chargers": 8300, + "charging": 3914, + "charity": 7056, + "charlie": 8389, + "charm": 1432, + "charming": 961, + "charms": 3652, + "chart": 1430, + "charter": 2153, + "chase": 6987, + "chased": 8178, + "chases": 4992, + "chasing": 1526, + "chat": 428, + "chats": 7951, + "chatting": 6017, + "cheap": 1803, + "check": 6267, + "checked": 5133, + "checker": 5134, + "checkerboard": 1105, + "checkered": 4612, + "checking": 4900, + "checkout": 7837, + "checkpoint": 2502, + "checks": 3554, + "cheddar": 402, + "cheek": 6402, + "cheeks": 5891, + "cheer": 6404, + "cheerful": 5332, + "cheering": 3089, + "cheerleader": 2026, + "cheers": 2394, + "chees": 6405, + "cheese": 5643, + "cheeseburger": 7885, + "cheesecake": 5668, + "cheeses": 6311, + "cheesy": 5646, + "cheetah": 2174, + "chef": 4938, + "chefs": 7397, + "cherries": 913, + "cherry": 1709, + "chess": 7744, + "chest": 7122, + "chestnut": 5227, + "chests": 1734, + "chevrolet": 5363, + "chevy": 6755, + "chew": 4935, + "chewed": 6099, + "chewing": 4670, + "chews": 3552, + "chic": 724, + "chicago": 8123, + "chick": 1600, + "chicken": 8781, + "chickens": 6403, + "chickpeas": 7042, + "chicks": 3067, + "chihuahua": 5484, + "child": 2244, + "children": 7968, + "childrens": 8252, + "childs": 146, + "chili": 2245, + "chilled": 2774, + "chilli": 485, + "chillin": 7033, + "chilling": 3398, + "chilly": 487, + "chimney": 5275, + "chin": 723, + "china": 17, + "chinatown": 5167, + "chinese": 6299, + "chip": 722, + "chipped": 7982, + "chipping": 340, + "chips": 6514, + "chiquita": 5273, + "chocolate": 4062, + "chocolate-covered": 7932, + "chocolates": 2573, + "choice": 153, + "choices": 8803, + "choir": 8325, + "choking": 2551, + "choo": 3001, + "choose": 8752, + "choosing": 537, + "chop": 3002, + "chopped": 2792, + "chopper": 2793, + "chopping": 161, + "choppy": 3763, + "chops": 3061, + "chopsticks": 850, + "chose": 2016, + "chow": 470, + "christ": 8288, + "christmas": 4011, + "chrome": 2240, + "chubby": 2347, + "chugging": 6621, + "chugs": 8489, + "chunk": 3226, + "chunks": 3050, + "chunky": 3049, + "church": 4737, + "chute": 5779, + "ciabatta": 3128, + "cider": 1536, + "cigar": 6991, + "cigarette": 6369, + "cigarettes": 8624, + "cilantro": 4633, + "cinder": 4877, + "cinnamon": 4056, + "circle": 7483, + "circles": 7230, + "circuit": 4215, + "circular": 5364, + "circus": 1610, + "cities": 8520, + "citizen": 3854, + "citizens": 2272, + "citrus": 6478, + "city": 4587, + "cityscape": 3142, + "civil": 6147, + "civilians": 303, + "clad": 2401, + "claim": 7847, + "clams": 4154, + "clapping": 7985, + "class": 6503, + "classic": 3440, + "classical": 1601, + "classroom": 8458, + "classy": 4823, + "claus": 4558, + "clause": 6759, + "claw": 2403, + "claws": 2237, + "clay": 2402, + "clean": 7482, + "cleaned": 8645, + "cleaner": 8644, + "cleaning": 7502, + "cleans": 7661, + "clear": 7480, + "cleared": 6226, + "clearing": 8212, + "clearly": 2665, + "cleaver": 810, + "clementine": 3417, + "clementines": 4680, + "click": 3189, + "clicking": 8443, + "cliff": 2139, + "cliffs": 7340, + "climate": 655, + "climb": 1513, + "climber": 20, + "climbing": 5694, + "climbs": 167, + "clinging": 3403, + "clings": 5585, + "clinton": 4772, + "clip": 2063, + "clipboard": 5906, + "clipped": 4898, + "clippers": 7383, + "clipping": 4765, + "clippings": 2045, + "clips": 8104, + "clock": 298, + "clocks": 530, + "clocktower": 3923, + "close": 890, + "close-up": 7592, + "closed": 8790, + "closely": 2522, + "closer": 8493, + "closes": 8787, + "closest": 5173, + "closet": 8789, + "closets": 1588, + "closeup": 7168, + "closing": 1519, + "cloth": 6424, + "clothed": 2191, + "clothes": 3318, + "clothesline": 4728, + "clothing": 5105, + "cloths": 8327, + "cloud": 3203, + "clouded": 5425, + "cloudless": 4873, + "clouds": 1753, + "cloudy": 1757, + "clover": 4078, + "clown": 5426, + "clowns": 8511, + "club": 7314, + "clump": 6925, + "clumps": 2898, + "cluster": 7907, + "clustered": 110, + "clusters": 6475, + "clutches": 2562, + "clutching": 4336, + "clutter": 4124, + "cluttered": 1881, + "clydesdale": 4366, + "co": 2694, + "coach": 6162, + "coached": 6530, + "coaches": 6531, + "coal": 3657, + "coals": 4884, + "coast": 5534, + "coastal": 8403, + "coaster": 3850, + "coasters": 8290, + "coastline": 3085, + "coat": 3655, + "coated": 5431, + "coating": 7638, + "coats": 1152, + "cob": 2819, + "cobble": 7763, + "cobbled": 1736, + "cobblestone": 2591, + "cobblestones": 8627, + "coca": 1312, + "coca-cola": 2548, + "cock": 1315, + "cocking": 3650, + "cockpit": 6924, + "cocktail": 8454, + "coco": 1313, + "cocoa": 1057, + "coconut": 3529, + "coconuts": 2393, + "code": 2598, + "coffe": 4892, + "coffee": 598, + "coffeemaker": 2974, + "coin": 7343, + "coins": 578, + "coke": 1608, + "cola": 2916, + "cold": 2913, + "cole": 2914, + "coleslaw": 898, + "colgate": 5158, + "collage": 4544, + "collar": 4220, + "collared": 5076, + "collars": 6125, + "colleagues": 2660, + "collect": 1978, + "collected": 5290, + "collectible": 7494, + "collectibles": 6669, + "collecting": 4850, + "collection": 8150, + "collector": 3352, + "college": 6236, + "collide": 600, + "colliding": 6935, + "collie": 6871, + "collision": 8446, + "cologne": 7891, + "colonial": 5717, + "color": 4111, + "colored": 3044, + "colorful": 7752, + "colorfully": 35, + "coloring": 3822, + "colors": 1676, + "colt": 2911, + "colts": 524, + "column": 8740, + "columns": 2032, + "comb": 2759, + "combat": 4332, + "combed": 8632, + "combination": 1113, + "combined": 2387, + "combines": 2382, + "combing": 7140, + "combo": 6510, + "combs": 6508, + "come": 8521, + "comes": 2971, + "comfort": 1391, + "comfortable": 3812, + "comfortably": 3814, + "comforter": 5504, + "comforters": 8561, + "comfy": 1930, + "comic": 7216, + "comical": 8373, + "comically": 3, + "comics": 3011, + "coming": 1394, + "commercial": 5351, + "commode": 5693, + "common": 5831, + "community": 2535, + "commuter": 519, + "commuters": 7794, + "commuting": 3444, + "compact": 945, + "companion": 1323, + "companions": 6140, + "company": 310, + "compared": 556, + "comparing": 5764, + "compartment": 3686, + "compartments": 7263, + "compass": 376, + "compete": 563, + "competing": 888, + "competition": 2582, + "competitive": 4261, + "competitor": 5429, + "competitors": 1141, + "complete": 6860, + "completed": 5944, + "completely": 5378, + "completes": 5946, + "completing": 8704, + "complex": 3994, + "complicated": 201, + "components": 8545, + "composed": 1514, + "composite": 7713, + "compound": 1401, + "compute": 4913, + "computer": 7625, + "computers": 5802, + "computing": 5065, + "concentrates": 233, + "concentrating": 1908, + "concept": 692, + "concerned": 7035, + "concert": 2965, + "concession": 7154, + "concrete": 4747, + "condiment": 8262, + "condiments": 2833, + "condition": 2433, + "conditioner": 93, + "conditions": 5279, + "condom": 2519, + "condos": 2518, + "conducting": 7940, + "conductor": 8442, + "cone": 661, + "cones": 919, + "confection": 109, + "conference": 1689, + "confetti": 3891, + "confined": 6278, + "confinement": 4926, + "confused": 5611, + "confusing": 674, + "congested": 6699, + "congratulating": 1231, + "congratulations": 774, + "congregate": 3292, + "congregating": 7332, + "congress": 2428, + "connect": 8012, + "connected": 7604, + "connecting": 5878, + "connection": 387, + "connects": 7685, + "consist": 6428, + "consisting": 7177, + "consists": 1075, + "console": 6542, + "consoles": 175, + "constructed": 8414, + "constructing": 5964, + "construction": 2738, + "consume": 8060, + "consumed": 7018, + "consuming": 5851, + "consumption": 6455, + "contact": 5032, + "contain": 7622, + "contained": 2338, + "container": 2336, + "containers": 8375, + "containing": 3992, + "contains": 5225, + "contemplates": 4484, + "contemplating": 4041, + "contemporary": 3543, + "contending": 6471, + "content": 7733, + "contentedly": 4739, + "contents": 628, + "contest": 2101, + "continental": 4379, + "continue": 4763, + "continues": 7036, + "contrail": 8754, + "contrails": 4679, + "contraption": 7069, + "contrast": 2441, + "contrasting": 1981, + "control": 7560, + "controlled": 1019, + "controller": 1021, + "controllers": 3288, + "controlling": 3643, + "controls": 5960, + "convenience": 7687, + "convenient": 629, + "convention": 4082, + "conventional": 839, + "conversation": 8768, + "conversations": 4074, + "converse": 5061, + "conversing": 5183, + "converted": 7672, + "convertible": 5017, + "convex": 5328, + "conveyer": 4371, + "conveyor": 6969, + "convoy": 6229, + "coo": 2820, + "cook": 6171, + "cookbook": 8271, + "cooked": 1498, + "cooker": 1497, + "cookie": 6351, + "cookies": 5215, + "cooking": 14, + "cooks": 158, + "cooktop": 2251, + "cookware": 8136, + "cool": 6172, + "cooler": 670, + "coolers": 1786, + "cooling": 2203, + "coop": 6167, + "coordinating": 2076, + "cop": 2815, + "copper": 5803, + "cops": 7151, + "copy": 6219, + "coral": 5050, + "cord": 4012, + "corded": 7232, + "cordless": 1866, + "cords": 4118, + "core": 4013, + "corgi": 3115, + "cork": 4016, + "corn": 4015, + "cornbread": 3601, + "corned": 5672, + "corner": 5674, + "corners": 8469, + "cornfield": 8582, + "corona": 733, + "corporate": 100, + "corral": 3217, + "correct": 7863, + "corridor": 1465, + "cosmetic": 7437, + "cosmetics": 7139, + "costume": 975, + "costumed": 8094, + "costumes": 8092, + "cot": 2816, + "cottage": 3009, + "cotton": 3176, + "couch": 1425, + "couches": 6173, + "cough": 7706, + "could": 486, + "counter": 4822, + "counter-top": 4101, + "counters": 2753, + "countertop": 7313, + "countertops": 717, + "counting": 6185, + "countries": 3968, + "country": 4473, + "countryside": 2471, + "county": 3328, + "coup": 3341, + "coupe": 4117, + "couple": 406, + "couples": 6265, + "coupons": 1296, + "courch": 7398, + "course": 6740, + "court": 6332, + "courthouse": 4072, + "courtroom": 5933, + "courts": 5441, + "courtyard": 7117, + "cove": 8576, + "cover": 2513, + "covered": 8753, + "covering": 5010, + "coverings": 688, + "covers": 7802, + "cow": 2817, + "cowboy": 6145, + "cowboys": 4140, + "cowgirl": 3104, + "cows": 5230, + "cozy": 8049, + "crab": 5358, + "crabs": 3824, + "crack": 3132, + "cracked": 8382, + "cracker": 8381, + "crackers": 7191, + "cracks": 3523, + "cradle": 1055, + "craft": 8377, + "crafted": 2698, + "crafting": 5719, + "crafts": 5238, + "craggy": 7565, + "crammed": 4554, + "cramped": 3697, + "cranberries": 2842, + "cranberry": 5434, + "crane": 8710, + "cranes": 5388, + "crash": 8755, + "crashed": 6190, + "crashes": 6189, + "crashing": 7357, + "crate": 5392, + "crater": 150, + "crates": 149, + "crawling": 8750, + "crawls": 8004, + "crayons": 5545, + "crazy": 3475, + "cream": 281, + "cream-colored": 932, + "creamer": 7614, + "creams": 7836, + "creamy": 7835, + "create": 3718, + "created": 4986, + "creates": 4987, + "creating": 6382, + "creation": 3157, + "creative": 6681, + "creatively": 3533, + "creature": 2470, + "creatures": 1371, + "credit": 5466, + "creek": 4499, + "creepy": 7433, + "creme": 7613, + "crepe": 2907, + "crepes": 6431, + "crescent": 6713, + "crest": 1878, + "cresting": 4119, + "crests": 4678, + "crew": 1111, + "crews": 6150, + "crib": 5644, + "cricket": 7669, + "crisp": 2720, + "crispy": 6385, + "criss": 2722, + "crochet": 4599, + "crocheted": 5822, + "crock": 3588, + "croissant": 3918, + "croissants": 3846, + "crook": 443, + "crooked": 1813, + "crop": 3765, + "cropped": 8649, + "crops": 1078, + "croquet": 6058, + "cross": 8621, + "cross-country": 1699, + "cross-legged": 8619, + "crossbones": 6625, + "crossed": 5360, + "crosses": 5359, + "crossing": 5374, + "crossroad": 8241, + "crossroads": 209, + "crosswalk": 2530, + "crosswalks": 297, + "crossword": 6954, + "crotch": 10, + "crouch": 16, + "crouched": 5799, + "crouches": 5800, + "crouching": 7533, + "croutons": 569, + "crow": 3764, + "crowd": 112, + "crowded": 5780, + "crowding": 7720, + "crowds": 2043, + "crowed": 5339, + "crown": 113, + "crowns": 137, + "crows": 687, + "crt": 2046, + "crude": 2081, + "cruise": 7567, + "cruiser": 583, + "cruises": 4724, + "cruising": 7683, + "crumb": 7375, + "crumbled": 2299, + "crumbling": 3260, + "crumbs": 1647, + "crumpled": 1871, + "crush": 6315, + "crushed": 7651, + "crust": 6314, + "crusted": 8747, + "crusts": 4636, + "crusty": 4634, + "crying": 6999, + "crystal": 7281, + "cub": 1480, + "cubby": 4470, + "cube": 2073, + "cubed": 8057, + "cubes": 8054, + "cubical": 7181, + "cubicle": 6148, + "cubicles": 8625, + "cubs": 2075, + "cuckoo": 5603, + "cucumber": 6615, + "cucumbers": 8601, + "cuddle": 585, + "cuddled": 8500, + "cuddles": 8498, + "cuddling": 8151, + "cuisine": 398, + "culinary": 5336, + "cultural": 6129, + "cup": 1478, + "cupboard": 4309, + "cupboards": 8717, + "cupcake": 5247, + "cupcakes": 3190, + "cupola": 2983, + "cupping": 1828, + "cups": 8021, + "curb": 1490, + "curbside": 911, + "curio": 8355, + "curiosity": 7722, + "curious": 4769, + "curiously": 3008, + "curl": 1492, + "curled": 3544, + "curls": 7335, + "curly": 7334, + "current": 5271, + "currently": 6953, + "curry": 8399, + "curtain": 5975, + "curtained": 2132, + "curtains": 6083, + "curve": 4164, + "curved": 8187, + "curves": 8186, + "curving": 471, + "curvy": 4165, + "cushion": 6635, + "cushioned": 6785, + "cushions": 6622, + "custard": 8255, + "custom": 7014, + "customer": 460, + "customers": 6410, + "customized": 4631, + "cut": 1477, + "cut-up": 7123, + "cute": 3498, + "cutlery": 7564, + "cutout": 1449, + "cutouts": 2823, + "cuts": 3501, + "cutter": 4073, + "cutters": 4368, + "cutting": 8163, + "cycle": 8387, + "cycles": 5963, + "cycling": 7372, + "cyclist": 8062, + "cyclists": 3069, + "cylinder": 659, + "d": 4762, + "dachshund": 1381, + "dad": 8160, + "daffodils": 1571, + "daily": 7809, + "dairy": 1877, + "daisies": 8098, + "daisy": 7464, + "dalmatian": 6143, + "dalmation": 3924, + "dam": 8162, + "damage": 2172, + "damaged": 4488, + "damp": 5289, + "dance": 7292, + "dancer": 5848, + "dancers": 7385, + "dances": 5847, + "dancing": 8035, + "dandelion": 2520, + "dandelions": 4104, + "danger": 7552, + "dangerous": 8261, + "dangerously": 7908, + "dangled": 2157, + "dangling": 6551, + "danish": 2208, + "dark": 4637, + "dark-colored": 237, + "darkened": 6737, + "darker": 6865, + "darkly": 988, + "darkness": 7428, + "darth": 4719, + "dash": 7873, + "dashboard": 1691, + "data": 5381, + "date": 2318, + "dated": 3562, + "daughter": 4943, + "daughters": 1972, + "davidson": 5521, + "dawn": 3351, + "day": 8164, + "daybed": 2154, + "daylight": 4903, + "days": 1660, + "daytime": 3419, + "dc": 2803, + "de": 2802, + "dead": 1198, + "deal": 1197, + "dealership": 7395, + "dear": 1201, + "death": 4734, + "debris": 4664, + "decal": 4828, + "decals": 4574, + "decaying": 4306, + "decent": 2092, + "decided": 5542, + "decides": 5539, + "deciding": 3096, + "deck": 2364, + "decked": 720, + "decker": 721, + "deckered": 4392, + "decks": 5682, + "decline": 3290, + "deco": 7725, + "decor": 2550, + "decorate": 6156, + "decorated": 5741, + "decorates": 5739, + "decorating": 439, + "decoration": 3726, + "decorations": 7097, + "decorative": 8306, + "decoratively": 4702, + "decrepit": 5555, + "dedicated": 2901, + "deep": 5731, + "deer": 5730, + "defaced": 1104, + "defense": 1950, + "defensive": 4503, + "definitely": 7747, + "deflated": 1840, + "deformed": 3188, + "del": 3646, + "delectable": 1837, + "deli": 2147, + "delicacy": 6053, + "delicate": 1835, + "delicious": 4988, + "delicous": 4803, + "delight": 5563, + "deliver": 5968, + "delivered": 5312, + "delivering": 7046, + "delivers": 2739, + "delivery": 2737, + "dell": 2148, + "delta": 6425, + "demolished": 2669, + "demon": 1967, + "demonic": 1337, + "demonstrate": 4381, + "demonstrates": 1053, + "demonstrating": 2629, + "demonstration": 8188, + "den": 3647, + "denim": 1579, + "dense": 7788, + "densely": 6239, + "dental": 2270, + "dented": 6876, + "dentist": 5810, + "deodorant": 7103, + "depart": 306, + "departing": 2222, + "department": 936, + "departure": 8618, + "depicted": 4297, + "depicting": 5898, + "depiction": 7057, + "depicts": 3415, + "deployed": 4272, + "depot": 8419, + "derby": 449, + "derelict": 7082, + "descend": 7258, + "descending": 1711, + "descends": 1103, + "descent": 7256, + "describe": 518, + "describing": 5313, + "description": 1266, + "desert": 8109, + "deserted": 5781, + "deserts": 4231, + "design": 4185, + "designated": 7886, + "designed": 3235, + "designer": 3488, + "designs": 2635, + "desk": 7143, + "desks": 3727, + "desktop": 388, + "desolate": 8547, + "despite": 1679, + "dessert": 1505, + "desserts": 5333, + "destination": 7987, + "destinations": 8770, + "destroyed": 8324, + "detail": 1613, + "detailed": 5972, + "detailing": 7096, + "details": 558, + "determined": 2507, + "detour": 8006, + "detroit": 1654, + "developed": 6339, + "development": 1466, + "device": 7106, + "devices": 4523, + "devil": 6968, + "devoid": 4127, + "dew": 3645, + "dhl": 2247, + "diagonal": 3231, + "diagonally": 2183, + "diagram": 4584, + "dial": 7975, + "dials": 1722, + "diamond": 7988, + "diaper": 5582, + "diapers": 302, + "dice": 5675, + "diced": 1853, + "dicing": 7055, + "dick": 5677, + "did": 7822, + "die": 7823, + "diesel": 7213, + "diet": 3450, + "different": 7910, + "differently": 7730, + "differnt": 6072, + "difficult": 4208, + "diffrent": 2185, + "dig": 3076, + "digging": 7129, + "digital": 3447, + "digs": 1130, + "dilapidated": 921, + "dim": 7819, + "dimly": 7285, + "dimly-lit": 6224, + "dine": 6356, + "diner": 2857, + "diners": 6240, + "dinette": 6792, + "dingy": 603, + "dining": 4096, + "dinner": 1721, + "dinnerware": 5372, + "dinning": 4243, + "dinosaur": 2434, + "dinosaurs": 32, + "diorama": 5262, + "dip": 3088, + "dipped": 3583, + "dipping": 4464, + "dips": 5323, + "direct": 1621, + "directed": 8102, + "directing": 5116, + "direction": 1824, + "directional": 2184, + "directions": 4187, + "directly": 5131, + "director": 1834, + "directs": 475, + "dirt": 832, + "dirtbike": 363, + "dirty": 277, + "disabled": 8622, + "disarray": 4316, + "disassembled": 7967, + "disc": 6304, + "discarded": 6837, + "disco": 5536, + "discs": 5537, + "discuss": 8815, + "discussing": 6234, + "discussion": 725, + "disembark": 617, + "disembarking": 631, + "disgusting": 3047, + "dish": 6305, + "dishes": 496, + "disheveled": 442, + "dishwasher": 869, + "disk": 6306, + "disks": 5872, + "dismantled": 2649, + "disney": 1020, + "disorganized": 2486, + "dispenser": 4225, + "dispensers": 8129, + "dispensing": 6863, + "display": 1064, + "displayed": 5110, + "displaying": 4039, + "displays": 295, + "disposable": 1086, + "disposal": 4281, + "disrepair": 4497, + "distance": 5511, + "distant": 1036, + "distinct": 7986, + "distorted": 5142, + "district": 6213, + "ditch": 5505, + "dive": 8764, + "divers": 8778, + "diverse": 427, + "dives": 2371, + "divided": 6727, + "divider": 6730, + "dividers": 1097, + "dividing": 8046, + "diving": 263, + "dj": 2801, + "do": 2800, + "dock": 4832, + "docked": 5305, + "docking": 2624, + "docks": 3586, + "doctor": 4533, + "doctors": 5812, + "document": 2984, + "documents": 2667, + "dodge": 7616, + "dodgers": 2341, + "dodging": 8039, + "does": 7147, + "dog": 5527, + "doggie": 8653, + "doggy": 7937, + "dogs": 621, + "doily": 4750, + "doing": 7087, + "dole": 3592, + "doll": 3591, + "dollar": 5744, + "dollars": 2271, + "dollhouse": 8409, + "dollop": 3531, + "dolls": 3666, + "dolly": 3664, + "dolphin": 1637, + "dolphins": 7166, + "dome": 6807, + "domed": 34, + "domestic": 8240, + "don": 5524, + "donation": 1800, + "done": 5804, + "donkey": 3948, + "donkeys": 6938, + "donut": 3207, + "donuts": 1895, + "doodling": 6851, + "door": 309, + "doors": 4447, + "doorway": 515, + "doorways": 7654, + "dorm": 2159, + "dot": 5528, + "dots": 4480, + "dotted": 2287, + "double": 8641, + "double-decked": 6064, + "double-decker": 6066, + "doubledecker": 8273, + "doubles": 1443, + "dough": 3660, + "doughnut": 6546, + "doughnuts": 5246, + "dougnuts": 7726, + "dove": 6734, + "down": 1214, + "downed": 7948, + "downhill": 8099, + "downstairs": 5729, + "downtown": 7840, + "downward": 2998, + "downwards": 4598, + "dozen": 57, + "dozens": 2822, + "dr": 2805, + "dr.": 5462, + "drab": 7538, + "draft": 6761, + "drag": 7536, + "dragged": 4721, + "dragging": 8107, + "dragon": 1396, + "drags": 1247, + "drain": 3580, + "drainage": 3590, + "dramatic": 1308, + "dramatically": 6445, + "drape": 8152, + "draped": 5809, + "drapes": 5807, + "draw": 7532, + "drawer": 7848, + "drawers": 7434, + "drawing": 4895, + "drawings": 7824, + "drawn": 652, + "draws": 648, + "dread": 5144, + "dreadlocks": 2060, + "dreads": 7330, + "dreary": 5945, + "drenched": 8112, + "dress": 6900, + "dressed": 1032, + "dresser": 1615, + "dressers": 4166, + "dresses": 1614, + "dressing": 2431, + "dribbles": 3680, + "dribbling": 3040, + "dried": 6175, + "drier": 6174, + "dries": 1925, + "drift": 4906, + "drifting": 2495, + "drifts": 1435, + "driftwood": 6826, + "drill": 2618, + "drilling": 189, + "drink": 4891, + "drinking": 4286, + "drinks": 8432, + "dripping": 4302, + "drive": 4604, + "driven": 8542, + "driver": 6923, + "drivers": 5738, + "drives": 8541, + "driveway": 5408, + "driving": 8330, + "drizzled": 4752, + "drizzling": 3516, + "drooping": 8673, + "drop": 744, + "dropped": 4065, + "dropping": 5852, + "drops": 3209, + "drum": 2690, + "drums": 3597, + "dry": 5464, + "dryer": 5306, + "drying": 6595, + "dual": 6020, + "duck": 3970, + "ducking": 1118, + "ducklings": 8464, + "ducks": 6984, + "ducky": 6587, + "duct": 3688, + "dude": 5609, + "dudes": 1960, + "due": 7665, + "duel": 1832, + "duffel": 106, + "duffle": 5939, + "dug": 4245, + "dugout": 8631, + "dull": 5326, + "dumb": 8666, + "dummies": 7451, + "dummy": 4451, + "dump": 8665, + "dumped": 2825, + "dumping": 606, + "dumplings": 1693, + "dumpster": 8766, + "dune": 835, + "dunes": 3859, + "dunk": 6349, + "dunkin": 2883, + "dunking": 3423, + "duo": 4244, + "duplicate": 7052, + "during": 976, + "dusk": 2708, + "dust": 2713, + "dusted": 6458, + "duster": 6456, + "dusting": 3390, + "dusty": 169, + "duty": 6243, + "duvet": 2187, + "dvd": 943, + "dvds": 4263, + "dwarfed": 3062, + "dwelling": 3518, + "dye": 8508, + "dyed": 287, + "dying": 7286, + "dynamite": 6557, + "e": 942, + "each": 1336, + "eachother": 7605, + "eager": 4754, + "eagerly": 2211, + "eagle": 1787, + "ear": 5442, + "earbuds": 7971, + "earlier": 3509, + "early": 7390, + "earphones": 941, + "earrings": 4370, + "ears": 1150, + "earth": 8359, + "ease": 6672, + "easel": 8758, + "easily": 8007, + "east": 6675, + "easter": 1481, + "eastern": 6656, + "easy": 6673, + "eat": 5443, + "eat-in": 1814, + "eaten": 3102, + "eatery": 6257, + "eating": 7518, + "eats": 8000, + "eatting": 2198, + "eclectic": 7642, + "edge": 8692, + "edged": 246, + "edges": 247, + "edible": 1769, + "edited": 7429, + "effect": 7644, + "effects": 41, + "efficiency": 7627, + "efficient": 5664, + "effort": 3471, + "egg": 7448, + "eggplant": 5282, + "eggs": 1429, + "egret": 5362, + "egyptian": 1880, + "eiffel": 4034, + "eight": 3817, + "eighteen": 92, + "either": 5710, + "elaborate": 91, + "elaborately": 3585, + "elbow": 587, + "elbows": 8810, + "elder": 3092, + "elderly": 7280, + "electric": 1938, + "electrical": 7531, + "electricity": 2145, + "electronic": 618, + "electronics": 3797, + "elegant": 6573, + "elegantly": 2767, + "elements": 7025, + "elephant": 2313, + "elephants": 1264, + "elevated": 2552, + "elevator": 619, + "eleven": 456, + "elf": 6126, + "elizabeth": 1641, + "elk": 6123, + "elongated": 6319, + "else": 1071, + "elvis": 785, + "email": 2688, + "embankment": 7208, + "embedded": 819, + "embellished": 970, + "emblem": 622, + "embrace": 2980, + "embracing": 7417, + "embroidered": 907, + "emergency": 405, + "emerges": 5635, + "emerging": 7609, + "emirates": 355, + "emitting": 1565, + "emo": 643, + "empire": 8826, + "employee": 7615, + "employees": 7771, + "emptied": 5758, + "empty": 900, + "emptying": 5387, + "en": 2926, + "encased": 1911, + "enclose": 7566, + "enclosed": 7038, + "enclosure": 3353, + "enclosures": 4733, + "end": 3911, + "ending": 7748, + "ends": 4874, + "energy": 5790, + "enforcement": 492, + "engage": 2613, + "engaged": 243, + "engaging": 1403, + "engine": 6255, + "engineer": 6211, + "engines": 7249, + "england": 6919, + "english": 8812, + "engraved": 1948, + "enjoy": 3893, + "enjoyed": 5004, + "enjoying": 1359, + "enjoyment": 7381, + "enjoys": 229, + "enormous": 4428, + "enough": 1294, + "ensemble": 5778, + "enter": 3920, + "entering": 196, + "enters": 6670, + "entertainer": 3908, + "entertaining": 1674, + "entertainment": 985, + "enthusiast": 1287, + "enthusiastically": 3154, + "enthusiasts": 3349, + "entire": 1507, + "entirely": 2925, + "entrance": 2896, + "entree": 3215, + "entrees": 1763, + "entry": 4450, + "entryway": 3257, + "entwined": 8738, + "envelope": 7315, + "envelopes": 3708, + "environment": 6165, + "equestrian": 2264, + "equestrians": 2542, + "equipment": 763, + "equipped": 2366, + "era": 586, + "erase": 5713, + "erect": 5553, + "erected": 1485, + "ergonomic": 4259, + "escalator": 4442, + "escape": 4008, + "escort": 7869, + "escorted": 5772, + "escorting": 1784, + "especially": 7881, + "espresso": 3191, + "essentials": 8425, + "establishment": 7068, + "estate": 1242, + "etc": 7120, + "etched": 6188, + "ethnic": 8174, + "euro": 4746, + "europe": 6958, + "european": 4490, + "eva": 4797, + "even": 7694, + "evening": 855, + "event": 7459, + "ever": 7698, + "evergreen": 4033, + "evergreens": 6505, + "every": 3890, + "everyone": 3674, + "everything": 6141, + "everywhere": 4559, + "evil": 2831, + "ewe": 8067, + "ex": 2930, + "exact": 155, + "exactly": 7591, + "examine": 1353, + "examined": 1027, + "examines": 1024, + "examining": 3201, + "example": 4412, + "excellent": 1635, + "except": 6966, + "exceptionally": 7432, + "exchange": 5909, + "exchanging": 1794, + "excited": 3733, + "excitedly": 1516, + "excitement": 551, + "exciting": 808, + "executes": 8321, + "executing": 8581, + "executive": 8239, + "exercise": 5907, + "exercises": 5002, + "exercising": 5307, + "exhaust": 7915, + "exhausted": 6866, + "exhibit": 3246, + "exhibition": 2775, + "exit": 6844, + "exiting": 2889, + "exits": 7543, + "exotic": 3517, + "expanse": 2947, + "expansive": 7461, + "expensive": 1455, + "experience": 304, + "experiment": 3193, + "expert": 1448, + "expertly": 121, + "expired": 5390, + "explaining": 3753, + "exploring": 8486, + "expo": 3947, + "exposed": 902, + "exposure": 562, + "express": 1438, + "expressing": 7936, + "expression": 2380, + "expressions": 1356, + "extend": 79, + "extended": 1321, + "extending": 7231, + "extends": 3281, + "extension": 4373, + "extensive": 7926, + "exterior": 6117, + "external": 7373, + "extinguisher": 4198, + "extra": 713, + "extraordinary": 1406, + "extravagant": 390, + "extreme": 8128, + "extremely": 5820, + "eye": 5759, + "eyeballs": 6051, + "eyed": 5651, + "eyeglasses": 8076, + "eyeing": 5043, + "eyes": 5650, + "f": 5919, + "fabric": 124, + "fabrics": 8361, + "fabulous": 6038, + "facade": 5861, + "face": 4861, + "faced": 8367, + "faces": 8371, + "facet": 8369, + "facial": 2105, + "facility": 4509, + "facing": 5709, + "factory": 8474, + "faded": 426, + "fading": 8030, + "failing": 7226, + "faint": 6321, + "fair": 2232, + "fairly": 2249, + "fairy": 861, + "fake": 4553, + "falcon": 6667, + "fall": 3626, + "fallen": 1924, + "falling": 6714, + "falls": 4098, + "false": 493, + "families": 2824, + "family": 5220, + "famous": 3109, + "fan": 8593, + "fancily": 2689, + "fancy": 8634, + "fans": 5837, + "far": 8588, + "farm": 971, + "farmer": 1780, + "farmers": 6237, + "farmhouse": 7688, + "farming": 4990, + "farmland": 5379, + "farther": 5036, + "fascinated": 7362, + "fascinating": 5540, + "fashion": 3949, + "fashionable": 213, + "fashioned": 3442, + "fast": 4270, + "fastened": 4532, + "faster": 1744, + "fat": 8590, + "father": 1230, + "fatigues": 6706, + "faucet": 1409, + "faucets": 2040, + "faux": 6497, + "favorite": 6847, + "fe": 3063, + "feast": 6481, + "feasting": 1434, + "feather": 516, + "feathered": 4075, + "feathers": 1620, + "feathery": 1619, + "feature": 4415, + "featured": 5503, + "features": 5500, + "featuring": 1822, + "fed": 4290, + "fedex": 2728, + "fedora": 5300, + "feed": 6355, + "feeder": 4707, + "feeders": 5686, + "feeding": 5463, + "feeds": 605, + "feel": 6357, + "feeling": 56, + "feet": 2283, + "feild": 5318, + "fell": 3451, + "fellow": 7956, + "felt": 3449, + "female": 1606, + "females": 4408, + "feminine": 1218, + "fence": 7425, + "fenced": 8718, + "fenced-in": 8513, + "fences": 8720, + "fencing": 7675, + "fender": 1831, + "fern": 1782, + "ferns": 3576, + "ferret": 3702, + "ferries": 4785, + "ferris": 8562, + "ferry": 8448, + "festival": 491, + "festive": 4942, + "feta": 3782, + "fetch": 1520, + "fettuccine": 1611, + "few": 4296, + "fez": 4298, + "fiddling": 8518, + "field": 3615, + "fielder": 7468, + "fields": 3379, + "fierce": 5421, + "fifteen": 448, + "fifth": 5149, + "fifties": 2080, + "fight": 2864, + "fighter": 7029, + "fighters": 1184, + "fighting": 4357, + "figs": 2149, + "figure": 1773, + "figures": 2692, + "figurine": 5171, + "figurines": 788, + "file": 5733, + "filed": 3542, + "files": 6422, + "filing": 7356, + "fill": 5736, + "filled": 1234, + "filling": 3926, + "fills": 3539, + "film": 5735, + "filmed": 4335, + "filming": 5045, + "films": 6720, + "filter": 1662, + "filtered": 5560, + "filth": 2537, + "filthy": 2319, + "fin": 1129, + "final": 1668, + "find": 8044, + "finding": 6368, + "finds": 8679, + "fine": 8043, + "finely": 8402, + "finger": 1684, + "fingers": 6577, + "fingertips": 1265, + "finish": 2985, + "finished": 5979, + "finishes": 5976, + "finishing": 7889, + "fir": 36, + "fire": 2540, + "fire-hydrant": 5903, + "fired": 2927, + "firefighter": 3864, + "firefighters": 6392, + "firehydrant": 2658, + "fireman": 7643, + "firemen": 3420, + "fireplace": 8282, + "fires": 2929, + "firetruck": 4644, + "firetrucks": 5499, + "fireworks": 3432, + "firm": 2539, + "firsbee": 3391, + "first": 1272, + "fish": 8564, + "fish-eye": 4423, + "fisherman": 191, + "fisheye": 5005, + "fishing": 4361, + "fishnet": 3344, + "fist": 5792, + "fit": 37, + "fits": 4818, + "fitted": 7233, + "fitting": 1137, + "five": 7142, + "fives": 4640, + "fiving": 2463, + "fix": 38, + "fixed": 1569, + "fixes": 1566, + "fixing": 4784, + "fixings": 5753, + "fixture": 8630, + "fixtures": 8287, + "flag": 1901, + "flags": 8074, + "flame": 6090, + "flames": 5091, + "flamingo": 5999, + "flamingos": 1291, + "flank": 5109, + "flanked": 2231, + "flannel": 7002, + "flap": 1900, + "flapping": 6182, + "flaps": 6134, + "flash": 2878, + "flashes": 5947, + "flashing": 1844, + "flashlight": 1595, + "flask": 1527, + "flat": 1899, + "flat-screen": 3604, + "flatbed": 152, + "flatbread": 6687, + "flatscreen": 6764, + "flattened": 3026, + "flatware": 6960, + "flavor": 1327, + "flavored": 4068, + "flavors": 7311, + "flea": 6480, + "fleet": 7496, + "flesh": 4896, + "flickr": 3266, + "fliers": 7367, + "flies": 4242, + "flight": 1963, + "fling": 2920, + "flip": 1905, + "flipped": 231, + "flippers": 3921, + "flipping": 754, + "flips": 4573, + "float": 5052, + "floaters": 7789, + "floating": 7803, + "floats": 3711, + "flock": 2786, + "flood": 6694, + "flooded": 399, + "flooding": 6659, + "floor": 6693, + "floored": 4932, + "flooring": 2838, + "floors": 6917, + "floppy": 5520, + "flops": 1182, + "floral": 8456, + "floret": 3899, + "florets": 4315, + "florida": 7583, + "floss": 2110, + "flotation": 1652, + "flour": 8756, + "flow": 3960, + "flower": 4162, + "flowered": 4042, + "flowering": 3976, + "flowerpot": 8111, + "flowers": 7350, + "flowery": 63, + "flowing": 447, + "flown": 6401, + "flows": 6399, + "fluffed": 322, + "fluffy": 5541, + "fluid": 6101, + "fluorescent": 6552, + "flurry": 8070, + "flush": 538, + "flushed": 1743, + "flushing": 1541, + "flutes": 6747, + "fly": 7841, + "flyer": 6204, + "flyers": 604, + "flying": 1215, + "flys": 984, + "fo": 3064, + "foal": 4703, + "foam": 792, + "foaming": 2960, + "foamy": 1556, + "focal": 2555, + "focus": 6163, + "focused": 3198, + "focuses": 3196, + "focusing": 2504, + "fog": 2269, + "foggy": 7374, + "foil": 1069, + "foilage": 3431, + "fold": 3691, + "foldable": 6194, + "folded": 3375, + "folder": 3377, + "folders": 3695, + "folding": 5843, + "foliage": 3335, + "folks": 5532, + "follow": 4170, + "followed": 1708, + "following": 177, + "follows": 8085, + "fondant": 4956, + "font": 8656, + "food": 3070, + "foods": 1098, + "foodstuffs": 1081, + "foot": 797, + "football": 1741, + "footed": 4201, + "foothills": 3022, + "footlong": 3828, + "footpath": 8748, + "footprints": 2744, + "footstool": 3855, + "for": 2267, + "foraging": 5006, + "force": 7689, + "forces": 7228, + "ford": 3433, + "forefront": 2305, + "foreground": 5797, + "forehand": 2972, + "forehead": 1698, + "foreign": 1452, + "forest": 477, + "forested": 5572, + "fork": 3429, + "forked": 5595, + "forklift": 2534, + "forks": 440, + "forlorn": 7608, + "form": 3430, + "formal": 4760, + "formally": 960, + "formation": 8333, + "formations": 1523, + "former": 239, + "forming": 6690, + "forrest": 4751, + "fort": 3435, + "forth": 2789, + "forty": 2787, + "forward": 3747, + "found": 4699, + "foundation": 293, + "fountain": 7460, + "fountains": 1060, + "four": 4390, + "four-wheeler": 7271, + "fours": 4657, + "fourth": 1776, + "fowl": 2064, + "fox": 2268, + "foyer": 8546, + "frame": 512, + "framed": 5884, + "frames": 195, + "framing": 3548, + "france": 7834, + "francisco": 5991, + "free": 8332, + "freely": 3832, + "freeway": 8354, + "freez": 1849, + "freeze": 5407, + "freezer": 5108, + "freezers": 2030, + "freight": 4726, + "french": 7829, + "fresh": 4788, + "freshly": 6901, + "friday": 1922, + "fridge": 6992, + "fridges": 7478, + "fried": 4274, + "friend": 2946, + "friendly": 947, + "friends": 5450, + "fries": 4273, + "frilly": 7996, + "frisbe": 336, + "frisbee": 4922, + "frisbees": 8117, + "frisbie": 412, + "frisby": 337, + "fritter": 2152, + "frizbee": 4398, + "fro": 84, + "frog": 2029, + "frolic": 5070, + "frolicking": 5681, + "from": 2027, + "fron": 2028, + "front": 7573, + "fronted": 5229, + "frontier": 6486, + "fronts": 3309, + "frosted": 6037, + "frosting": 1235, + "frosty": 4736, + "frothy": 8438, + "frown": 2993, + "frowning": 2804, + "frozen": 1966, + "fruit": 2986, + "fruits": 2951, + "fry": 87, + "fryer": 7391, + "frying": 4352, + "fudge": 2772, + "fuel": 3258, + "fueling": 5698, + "full": 300, + "fulled": 6928, + "fully": 3073, + "fun": 3724, + "function": 2735, + "functional": 6013, + "funeral": 6716, + "funky": 1270, + "funnel": 2736, + "funny": 2549, + "fur": 3722, + "furnished": 6193, + "furnishing": 4512, + "furnishings": 5009, + "furniture": 6279, + "furred": 7153, + "furry": 8394, + "further": 7973, + "furthest": 7028, + "futon": 5095, + "future": 2355, + "futuristic": 4339, + "fuzzy": 3239, + "g": 2055, + "gadget": 335, + "gadgets": 1638, + "gain": 1062, + "gaining": 3024, + "gains": 1946, + "gallery": 1001, + "galley": 8772, + "gallon": 2465, + "gallop": 2460, + "galloping": 743, + "gallops": 1484, + "game": 5309, + "games": 6109, + "gaming": 2175, + "gang": 2010, + "gap": 5857, + "garage": 7145, + "garb": 6287, + "garbage": 7009, + "garden": 2603, + "gardening": 5874, + "garland": 5587, + "garlic": 5564, + "garment": 2192, + "garnish": 1897, + "garnished": 4017, + "garnishes": 4014, + "garnishment": 2298, + "gas": 5856, + "gate": 8313, + "gated": 7922, + "gates": 7921, + "gather": 8194, + "gathered": 7045, + "gathering": 5265, + "gathers": 2900, + "gatorade": 2326, + "gauges": 8620, + "gauze": 2274, + "gay": 5855, + "gaze": 813, + "gazebo": 7486, + "gazelle": 8337, + "gazelles": 1771, + "gazes": 2500, + "gazing": 3794, + "gear": 8180, + "geared": 8017, + "gears": 644, + "geek": 3967, + "geese": 5892, + "geisha": 4507, + "gelato": 4388, + "general": 5732, + "generated": 3600, + "gentle": 4852, + "gentleman": 2810, + "gentlemen": 7378, + "gently": 4851, + "geometric": 7892, + "george": 8483, + "gerbil": 3293, + "german": 5148, + "germany": 632, + "gesture": 3497, + "gestures": 255, + "gesturing": 2409, + "get": 1289, + "gets": 6527, + "getting": 8836, + "ghost": 3296, + "giant": 8045, + "giants": 6941, + "gift": 4004, + "gifts": 6877, + "gigantic": 3527, + "gilded": 6374, + "ginger": 1134, + "gingerbread": 2859, + "gingham": 4662, + "girafee": 3802, + "giraff": 1149, + "giraffe": 2783, + "giraffee": 627, + "giraffes": 625, + "girl": 7860, + "girlfriend": 3614, + "girls": 3365, + "girraffe": 5509, + "give": 3338, + "given": 6212, + "gives": 6215, + "giving": 3766, + "glare": 1049, + "glares": 2706, + "glaring": 7130, + "glass": 6591, + "glassed": 479, + "glasses": 481, + "glassware": 3416, + "glaze": 780, + "glazed": 1115, + "glazing": 7653, + "gleaming": 4476, + "gleefully": 8640, + "glide": 4204, + "glider": 6113, + "gliders": 8788, + "glides": 1617, + "gliding": 6861, + "glimpse": 1875, + "globe": 7575, + "gloomy": 154, + "glory": 8260, + "glove": 3734, + "gloved": 3111, + "gloves": 3114, + "glow": 8351, + "glowing": 4688, + "glows": 438, + "glue": 2716, + "gnar": 2962, + "gnome": 7520, + "go": 3179, + "goal": 2906, + "goalie": 8139, + "goat": 6334, + "goatee": 5432, + "goats": 6386, + "goblet": 403, + "goblets": 7990, + "god": 3933, + "goers": 2373, + "goes": 1762, + "goggles": 7266, + "going": 6793, + "gold": 4723, + "golden": 21, + "goldfish": 7307, + "golf": 4722, + "golfer": 3757, + "gondola": 7400, + "gone": 2417, + "goo": 3932, + "good": 8005, + "goodbye": 1106, + "goodies": 6449, + "goods": 5882, + "gooey": 374, + "goofing": 99, + "goofy": 3672, + "google": 8086, + "googly": 8089, + "goose": 2928, + "gorgeous": 1732, + "gorilla": 5590, + "got": 3935, + "gothic": 4194, + "gotten": 8026, + "gourmet": 6361, + "government": 4899, + "gown": 145, + "gowns": 1421, + "gps": 1934, + "grab": 6206, + "grabbing": 8607, + "grabs": 5752, + "grace": 2505, + "gracefully": 7882, + "grade": 7737, + "graduate": 6872, + "graduates": 2855, + "graduation": 8096, + "graffiti": 357, + "graffitied": 4844, + "graffitti": 5966, + "grafitti": 6474, + "graham": 6432, + "grain": 8795, + "grains": 1459, + "grainy": 1460, + "grand": 909, + "grandfather": 4177, + "grandma": 202, + "grandmother": 1681, + "granite": 3881, + "granny": 6558, + "granola": 5796, + "grape": 2875, + "grapefruit": 6998, + "grapefruits": 46, + "grapes": 6609, + "graphic": 4285, + "graphics": 7418, + "gras": 5402, + "grasping": 126, + "grasps": 1740, + "grass": 1858, + "grassed": 6074, + "grasses": 6071, + "grassing": 6724, + "grassland": 3541, + "grasslands": 2190, + "grassy": 7319, + "grate": 7159, + "grated": 7407, + "grater": 7404, + "grates": 7403, + "grating": 7925, + "grave": 633, + "gravel": 3760, + "graveled": 8800, + "graveyard": 3568, + "gravy": 630, + "gray": 5401, + "graze": 4839, + "grazes": 1943, + "grazing": 4477, + "grease": 3355, + "greasy": 3356, + "great": 7048, + "greek": 2777, + "green": 2778, + "greenery": 806, + "greenhouse": 500, + "greenish": 3315, + "greens": 6636, + "greet": 2776, + "greeting": 5184, + "greets": 8705, + "grey": 878, + "greyhound": 4595, + "grid": 5703, + "griddle": 1326, + "grill": 843, + "grille": 3133, + "grilled": 5538, + "grilling": 6788, + "grills": 3134, + "grimaces": 5924, + "grimacing": 2937, + "grime": 3090, + "grin": 5705, + "grind": 3145, + "grinder": 1591, + "grinding": 1054, + "grinds": 8589, + "grinning": 7427, + "grins": 1139, + "grip": 5702, + "gripping": 3682, + "grips": 4448, + "grits": 8763, + "grizzle": 2851, + "grizzly": 2848, + "groceries": 1502, + "grocery": 7471, + "groom": 6878, + "groomed": 4378, + "grooming": 234, + "gross": 3593, + "ground": 2961, + "grounded": 254, + "grounds": 2088, + "group": 7628, + "grouped": 8714, + "grouping": 2404, + "groups": 4050, + "grove": 2220, + "grow": 3490, + "growing": 3474, + "growling": 3620, + "grown": 7775, + "grows": 7777, + "growth": 4367, + "grumpy": 6827, + "grungy": 4157, + "guacamole": 1893, + "guard": 8254, + "guarding": 356, + "guardrail": 7684, + "guards": 1387, + "guest": 4708, + "guests": 1091, + "guide": 905, + "guided": 4131, + "guides": 4132, + "guiding": 8285, + "guinness": 8339, + "guitar": 1815, + "guitars": 7300, + "gull": 1806, + "gulls": 7484, + "gum": 701, + "gummy": 4845, + "gun": 700, + "guns": 4186, + "gushing": 1783, + "gutter": 6536, + "guy": 702, + "guys": 3489, + "gym": 5508, + "gymnasium": 3930, + "gyro": 3540, + "ha": 3299, + "habitat": 2725, + "had": 104, + "hair": 1602, + "hairbrush": 646, + "haircut": 2912, + "hairdryer": 6344, + "haired": 8331, + "hairless": 669, + "hairy": 6379, + "half": 2921, + "half-eaten": 4870, + "half-pipe": 2209, + "halfpipe": 7528, + "halfway": 6275, + "hall": 2922, + "halloween": 3210, + "hallway": 7501, + "halter": 7071, + "halved": 3706, + "halves": 3707, + "ham": 103, + "hamburger": 7992, + "hamburgers": 5232, + "hammer": 4855, + "hammock": 1574, + "hamper": 4999, + "hamster": 2445, + "hand": 663, + "handbag": 3818, + "handbags": 925, + "handed": 7805, + "handful": 653, + "handheld": 3662, + "handicap": 1224, + "handicapped": 7376, + "handing": 6779, + "handle": 4868, + "handlebar": 3330, + "handlebars": 4202, + "handled": 5948, + "handler": 6180, + "handlers": 7253, + "handles": 6179, + "handling": 6974, + "handmade": 2868, + "handrail": 1692, + "handrails": 1912, + "hands": 5371, + "handsome": 4653, + "handstand": 2683, + "handwritten": 3974, + "handy": 5373, + "hang": 662, + "hangar": 3780, + "hanged": 8329, + "hanger": 8326, + "hangers": 6922, + "hanging": 1, + "hangings": 638, + "hangs": 6362, + "happen": 5117, + "happening": 1226, + "happens": 5615, + "happily": 4991, + "happy": 2279, + "harbor": 441, + "harbour": 3284, + "hard": 5791, + "hardware": 4888, + "hardwood": 7623, + "harley": 6054, + "harness": 1341, + "harnessed": 417, + "harnesses": 421, + "harper": 3954, + "harry": 4677, + "has": 107, + "hash": 301, + "hashbrowns": 4076, + "hat": 108, + "hatch": 1672, + "hatchback": 1193, + "hate": 3887, + "hats": 3886, + "haul": 7141, + "hauled": 7137, + "hauling": 2473, + "hauls": 7379, + "have": 1558, + "having": 4789, + "hawaiian": 423, + "hawk": 4820, + "hay": 105, + "hazard": 8235, + "haze": 5461, + "hazy": 5460, + "hd": 3300, + "he": 3301, + "head": 4021, + "headband": 2141, + "headboard": 6603, + "headdress": 7200, + "headed": 7491, + "headgear": 3035, + "heading": 3317, + "headlight": 8809, + "headlights": 5018, + "headphone": 8839, + "headphones": 5640, + "heads": 2501, + "headset": 165, + "health": 4212, + "healthy": 6176, + "heap": 4026, + "heaped": 1951, + "hear": 4025, + "heard": 5104, + "heart": 5103, + "heart-shaped": 666, + "hearth": 8388, + "hearts": 8391, + "hearty": 8390, + "heat": 4024, + "heated": 3005, + "heater": 3004, + "heating": 81, + "heavily": 4232, + "heavy": 862, + "hedge": 6232, + "hedges": 4925, + "heel": 5320, + "heeled": 1088, + "heels": 2981, + "height": 5550, + "heights": 1404, + "held": 2865, + "helicopter": 6253, + "hello": 2597, + "helmet": 4125, + "helmeted": 2557, + "helmets": 1082, + "help": 5239, + "helped": 8229, + "helping": 6439, + "helps": 5899, + "hen": 1557, + "her": 4648, + "herb": 6580, + "herbs": 2429, + "herd": 6582, + "herded": 2050, + "herder": 2051, + "herding": 1685, + "herds": 208, + "here": 6581, + "heritage": 3171, + "hero": 6578, + "heron": 853, + "hers": 6583, + "herself": 3240, + "hes": 4649, + "hey": 4651, + "hi": 3298, + "hidden": 2186, + "hide": 1625, + "hides": 2311, + "hiding": 7152, + "high": 2621, + "highchair": 8360, + "higher": 1973, + "highest": 1063, + "highlighted": 2704, + "highlights": 4965, + "highly": 4948, + "highway": 2494, + "hike": 7222, + "hiker": 3883, + "hikers": 3437, + "hikes": 3884, + "hiking": 2891, + "hil": 8660, + "hill": 1920, + "hills": 2837, + "hillside": 3700, + "hilltop": 6192, + "hilly": 2839, + "him": 7570, + "himself": 3172, + "hind": 6971, + "hip": 8657, + "hippo": 3476, + "hippopotamus": 1540, + "hips": 5270, + "hipster": 2602, + "hipsters": 540, + "his": 8658, + "his/her": 6235, + "historic": 3283, + "historical": 624, + "hit": 8659, + "hitch": 6029, + "hitched": 7074, + "hits": 1015, + "hitter": 4338, + "hitting": 2538, + "hoagie": 8228, + "hobby": 2634, + "hockey": 2365, + "hog": 6594, + "hogs": 3048, + "hoisted": 896, + "hold": 6593, + "holder": 4086, + "holders": 3563, + "holding": 7289, + "holds": 1522, + "hole": 6592, + "holes": 4787, + "holiday": 2042, + "holidays": 6400, + "holing": 5112, + "hollow": 2536, + "hollywood": 5506, + "home": 1051, + "homeless": 1537, + "homemade": 4593, + "homeplate": 1564, + "homer": 8222, + "homes": 8223, + "homey": 8226, + "honda": 4460, + "honey": 7717, + "hong": 594, + "honk": 95, + "hood": 3362, + "hooded": 5663, + "hoodie": 1123, + "hoods": 2563, + "hoody": 2559, + "hoof": 3361, + "hook": 3360, + "hooked": 4981, + "hooks": 6444, + "hoop": 3359, + "hooves": 6225, + "hope": 2681, + "hoping": 6981, + "hops": 2677, + "horizon": 7277, + "horizontal": 847, + "horizontally": 6473, + "horn": 4937, + "horned": 2585, + "horns": 1531, + "horrible": 3265, + "hors": 4939, + "horse": 872, + "horse-drawn": 1470, + "horseback": 694, + "horses": 1898, + "hose": 5346, + "hoses": 7114, + "hosing": 2773, + "hospital": 1210, + "host": 8250, + "hot": 6597, + "hot-dog": 3957, + "hotdog": 8693, + "hotdogs": 2483, + "hotel": 6364, + "hotels": 5608, + "hotplate": 7328, + "hound": 7957, + "hour": 1386, + "hours": 2442, + "house": 8010, + "houseboat": 3023, + "household": 2170, + "houseplant": 2480, + "houses": 868, + "housing": 2734, + "hover": 2992, + "hovering": 7449, + "hovers": 7293, + "how": 6596, + "huddle": 8556, + "huddled": 5901, + "huddling": 7262, + "hued": 2558, + "hug": 4083, + "huge": 316, + "hugged": 3787, + "hugging": 8040, + "hugs": 319, + "hula": 8478, + "hull": 8479, + "human": 5570, + "humans": 6217, + "humming": 82, + "hummingbird": 4629, + "hummus": 2818, + "humongous": 2435, + "humorous": 5875, + "hump": 2877, + "hunched": 6247, + "hunches": 6251, + "hundred": 875, + "hundreds": 3898, + "hung": 6135, + "hungry": 6227, + "hunting": 6881, + "hurdle": 3803, + "hurdles": 8746, + "hurry": 3053, + "hurt": 2166, + "husband": 2964, + "husky": 5743, + "hut": 4084, + "hutch": 6048, + "huts": 8793, + "hyde": 4800, + "hydrant": 3363, + "hydrants": 8065, + "hydrogen": 4066, + "hyenas": 4436, + "hygiene": 3388, + "hyrdrant": 2273, + "i": 3278, + "ibm": 719, + "ice": 4009, + "ice-cream": 3236, + "icebox": 6230, + "icecream": 3831, + "iced": 8735, + "icicles": 8358, + "icing": 4539, + "icon": 1801, + "icons": 572, + "icy": 4010, + "id": 3405, + "idea": 6360, + "identical": 8684, + "identically": 7337, + "identification": 2079, + "idle": 55, + "idling": 5303, + "idly": 54, + "idyllic": 7338, + "if": 3406, + "ii": 2764, + "illuminate": 5376, + "illuminated": 7105, + "illuminates": 4156, + "illuminating": 6154, + "illusion": 559, + "illustration": 5048, + "imac": 1070, + "image": 2410, + "images": 1332, + "imitating": 889, + "implements": 4129, + "important": 5740, + "imposed": 7003, + "impressed": 1991, + "impressive": 1754, + "in": 3404, + "ina": 4921, + "inches": 4775, + "incline": 8835, + "inclosure": 5915, + "include": 2013, + "included": 4163, + "includes": 4161, + "including": 5962, + "incoming": 5090, + "incredible": 2131, + "incredibly": 2134, + "india": 7194, + "indian": 7041, + "indians": 2761, + "indicate": 2350, + "indicated": 588, + "indicates": 589, + "indicating": 2458, + "indicator": 2517, + "indifferent": 2769, + "individual": 3705, + "individually": 6200, + "individuals": 2481, + "indoor": 7610, + "indoors": 2451, + "industrial": 8336, + "infamous": 401, + "infant": 8002, + "infield": 4947, + "inflatable": 787, + "inflated": 6346, + "information": 2467, + "informing": 6284, + "infront": 7227, + "ingredients": 6538, + "initials": 8729, + "injured": 8231, + "ink": 4920, + "inn": 4919, + "inner": 3294, + "innocent": 4496, + "inscribed": 2297, + "inscription": 8307, + "insect": 5870, + "inserted": 4600, + "inset": 5451, + "inside": 4522, + "insides": 3467, + "inspect": 8560, + "inspected": 5581, + "inspecting": 8219, + "inspects": 2339, + "inspired": 837, + "installed": 327, + "installing": 312, + "instead": 6465, + "institutional": 5930, + "instructing": 899, + "instruction": 4224, + "instructional": 7316, + "instructions": 1917, + "instructor": 1965, + "instructs": 4445, + "instrument": 6832, + "instruments": 2633, + "int": 4916, + "intended": 321, + "intense": 8703, + "intensely": 2342, + "intent": 142, + "intently": 716, + "interact": 8636, + "interacting": 2685, + "interactive": 3692, + "interacts": 6119, + "interest": 7158, + "interested": 2869, + "interesting": 1259, + "interior": 7783, + "international": 1233, + "internet": 200, + "intersecting": 8383, + "intersection": 1044, + "intersections": 7659, + "interstate": 773, + "intertwined": 4003, + "interviewed": 350, + "interviewing": 3973, + "inthe": 5916, + "into": 415, + "intricate": 8114, + "intricately": 5750, + "intriguing": 903, + "inverted": 3227, + "investigate": 6377, + "investigates": 7382, + "investigating": 1314, + "invisible": 5281, + "inviting": 8243, + "involved": 6976, + "involving": 5001, + "ion": 8232, + "ipad": 8181, + "ipads": 877, + "iphone": 6181, + "ipod": 6488, + "irises": 3723, + "irish": 4915, + "iron": 7224, + "ironic": 1830, + "ironing": 6927, + "is": 3400, + "island": 3779, + "isle": 8538, + "isolated": 8348, + "it": 3402, + "italian": 6000, + "italy": 8066, + "item": 5597, + "items": 4944, + "ith": 6908, + "its": 6912, + "itself": 8064, + "ivory": 8258, + "ivy": 4624, + "iwth": 8707, + "jack": 6033, + "jacket": 1227, + "jackets": 1092, + "jackson": 5636, + "jacuzzi": 8320, + "jail": 3495, + "jalapenos": 6095, + "jam": 505, + "jammed": 6249, + "jams": 7702, + "japan": 4963, + "japanese": 7692, + "jar": 503, + "jars": 2104, + "jay": 502, + "jean": 1673, + "jeans": 781, + "jeep": 6282, + "jeeps": 3879, + "jeff": 5285, + "jello": 8372, + "jelly": 8368, + "jersey": 3271, + "jerseys": 6105, + "jesus": 2653, + "jet": 4709, + "jetliner": 6050, + "jetliners": 2343, + "jets": 2379, + "jetty": 1417, + "jetway": 8628, + "jewelry": 5877, + "job": 2086, + "jobs": 6806, + "jockey": 3745, + "jockeys": 3767, + "jogging": 8295, + "john": 620, + "johns": 1990, + "join": 6347, + "joined": 4675, + "joint": 7619, + "jointly": 5910, + "joke": 1577, + "joker": 1811, + "jones": 7808, + "journey": 1225, + "joy": 2085, + "judge": 6130, + "judged": 3376, + "judges": 3374, + "jug": 4155, + "juggling": 1655, + "jugs": 2943, + "juice": 3098, + "juicer": 5072, + "juices": 5073, + "juicy": 3097, + "july": 6496, + "jumble": 8020, + "jumbo": 5890, + "jump": 955, + "jumped": 6801, + "jumper": 6805, + "jumping": 1271, + "jumps": 7828, + "jumpsuit": 8077, + "junction": 8161, + "jungle": 6055, + "junk": 4550, + "just": 7782, + "juts": 6819, + "juvenile": 2284, + "k": 4402, + "kabob": 758, + "kale": 5033, + "kangaroo": 2017, + "kart": 5728, + "kawasaki": 6547, + "kayak": 5607, + "kayaking": 7457, + "kayaks": 2321, + "keep": 3233, + "keeper": 3422, + "keepers": 5596, + "keeping": 2456, + "keeps": 2179, + "kennel": 4639, + "kept": 2832, + "kerry": 4061, + "ketchup": 6745, + "kettle": 7657, + "kettles": 2162, + "key": 1014, + "keyboard": 3342, + "keyboards": 7887, + "keychain": 6939, + "keys": 2976, + "khaki": 1719, + "khakis": 8613, + "kick": 3282, + "kickflip": 5195, + "kicking": 1013, + "kicks": 3273, + "kickstand": 7603, + "kid": 5566, + "kiddie": 3255, + "kids": 18, + "kill": 8551, + "kilt": 8549, + "kilts": 5961, + "kimono": 6397, + "kind": 1936, + "kinds": 2135, + "king": 1935, + "kingdom": 6979, + "kingfisher": 3990, + "kings": 5410, + "kiosk": 1517, + "kiss": 2638, + "kisses": 1066, + "kissing": 6977, + "kit": 5562, + "kitcehn": 885, + "kitchen": 654, + "kitchenette": 1986, + "kite": 8196, + "kiteboard": 3952, + "kiteboarding": 5993, + "kites": 8079, + "kitesurfing": 1195, + "kits": 8198, + "kitten": 4203, + "kittens": 6290, + "kitty": 3184, + "kiwi": 7218, + "kiwis": 5497, + "kleenex": 6281, + "klm": 6896, + "knacks": 6975, + "kneading": 6709, + "knee": 6780, + "kneel": 6956, + "kneeled": 895, + "kneeling": 8552, + "kneels": 4976, + "kneepads": 7422, + "knees": 6950, + "knelt": 1074, + "knick": 2636, + "knife": 1334, + "knifes": 7972, + "knight": 4698, + "knights": 1132, + "knit": 2196, + "knitted": 3629, + "knitting": 2195, + "knives": 3525, + "knob": 8817, + "knobs": 4718, + "knocked": 314, + "knocking": 5254, + "knoll": 2762, + "knot": 8821, + "knotted": 4791, + "know": 8820, + "known": 6325, + "knows": 6324, + "koala": 5266, + "kong": 2322, + "korean": 4859, + "kraut": 5474, + "kreme": 6930, + "krispy": 6348, + "l": 602, + "l-shaped": 798, + "la": 3789, + "lab": 7196, + "label": 7884, + "labeled": 2899, + "labelled": 2616, + "labels": 6710, + "labrador": 7020, + "lace": 8579, + "laces": 4696, + "lack": 8580, + "lacrosse": 1471, + "lacy": 8583, + "ladder": 593, + "ladders": 6303, + "laden": 4998, + "ladies": 6286, + "ladle": 3651, + "lady": 2995, + "ladybug": 8606, + "lagoon": 8460, + "laid": 1658, + "lake": 5286, + "lakeside": 2095, + "lamb": 5922, + "lambs": 3276, + "laminate": 3065, + "lamp": 5925, + "lamppost": 7833, + "lampposts": 3791, + "lamps": 6142, + "lampshade": 8289, + "land": 432, + "landed": 1385, + "landing": 1217, + "landmark": 4569, + "lands": 3602, + "landscape": 7705, + "landscaped": 1994, + "landscaping": 1609, + "lane": 431, + "lanes": 5734, + "language": 3515, + "languages": 2012, + "lantern": 6918, + "lanterns": 1157, + "lanyard": 2533, + "lap": 7199, + "lapel": 3857, + "laps": 8177, + "lapse": 964, + "lapsed": 2850, + "lapt": 8179, + "laptop": 8392, + "laptops": 1307, + "large": 4676, + "largely": 5695, + "larger": 2019, + "largest": 2099, + "lasagna": 1379, + "laser": 2701, + "lasso": 102, + "last": 386, + "late": 3663, + "later": 1512, + "latest": 3849, + "latin": 3263, + "latte": 6732, + "lattice": 7138, + "laugh": 3836, + "laughing": 7933, + "laughs": 2309, + "launch": 5253, + "launched": 5026, + "launches": 5021, + "launching": 4518, + "laundry": 6731, + "lava": 1320, + "lavatory": 574, + "lavender": 3320, + "lavish": 8550, + "lavishly": 1724, + "law": 7198, + "lawn": 4602, + "lay": 7197, + "layed": 4351, + "layer": 4350, + "layered": 3980, + "layers": 696, + "laying": 6884, + "layout": 4458, + "lays": 2281, + "lazily": 4549, + "lazing": 2226, + "lazy": 7115, + "lcd": 668, + "lead": 8827, + "leading": 2278, + "leads": 6164, + "leaf": 8715, + "leafless": 1223, + "leafs": 3951, + "leafy": 3953, + "league": 5413, + "leaguer": 1705, + "leak": 8828, + "leaking": 1666, + "lean": 8829, + "leaned": 7731, + "leaning": 2158, + "leans": 7714, + "leap": 8830, + "leaping": 6888, + "leaps": 2554, + "learn": 313, + "learning": 261, + "learns": 8670, + "leash": 8637, + "leashed": 4912, + "leashes": 4914, + "least": 5805, + "leather": 190, + "leave": 4542, + "leaves": 1629, + "leaving": 2021, + "lecture": 8169, + "led": 2609, + "ledge": 3880, + "ledges": 7444, + "leeks": 7522, + "left": 7781, + "leftover": 5193, + "leftovers": 610, + "leg": 2610, + "legged": 4647, + "leggings": 8280, + "lego": 2202, + "legos": 1506, + "legs": 2206, + "lei": 2611, + "leisurely": 4396, + "lemon": 4275, + "lemonade": 2807, + "lemons": 5770, + "length": 488, + "lens": 8108, + "leopard": 8069, + "leroy": 6906, + "less": 7136, + "lesson": 5885, + "lessons": 4457, + "let": 2612, + "lets": 1843, + "letter": 2218, + "lettering": 1151, + "letters": 545, + "letting": 5868, + "lettuce": 1127, + "level": 1755, + "levels": 353, + "liberty": 1142, + "library": 1050, + "license": 4241, + "lick": 1276, + "licked": 7215, + "licking": 8363, + "licks": 6913, + "lid": 7474, + "lids": 996, + "lie": 7475, + "lieing": 1258, + "lies": 7795, + "life": 2242, + "lifeguard": 3750, + "lift": 2243, + "lifted": 4975, + "lifting": 7329, + "lifts": 1426, + "light": 6468, + "lighted": 8506, + "lightening": 8182, + "lighter": 6739, + "lighthouse": 6652, + "lighting": 1906, + "lightly": 3247, + "lights": 7696, + "like": 1598, + "likely": 1080, + "likes": 3127, + "lilac": 6483, + "lilies": 5583, + "lily": 2847, + "limb": 4767, + "limbs": 4575, + "lime": 8133, + "limes": 7821, + "limit": 3303, + "limo": 8132, + "limousine": 1634, + "lincoln": 1045, + "line": 2583, + "lined": 8156, + "linen": 8155, + "linens": 4211, + "liner": 8154, + "lines": 8153, + "linger": 6553, + "lingerie": 3793, + "lining": 8584, + "link": 2581, + "linked": 2066, + "links": 966, + "linoleum": 5718, + "lion": 5834, + "lions": 7950, + "lip": 7477, + "lips": 920, + "lipstick": 342, + "liquid": 6191, + "liquids": 1975, + "liquor": 5942, + "listed": 2204, + "listen": 2207, + "listening": 5182, + "listens": 182, + "lit": 7476, + "lite": 5172, + "litter": 7799, + "littered": 6028, + "little": 5647, + "live": 2895, + "lived": 901, + "livestock": 794, + "living": 7862, + "livingroom": 4854, + "lizard": 3395, + "llama": 2604, + "llamas": 1138, + "lo": 3790, + "load": 6963, + "loaded": 5551, + "loader": 7144, + "loading": 4262, + "loads": 4543, + "loaf": 6964, + "loaves": 5616, + "lobby": 6535, + "lobster": 4642, + "local": 2072, + "located": 3213, + "location": 2561, + "locations": 212, + "lock": 464, + "locked": 25, + "locker": 26, + "lockers": 6647, + "locking": 6909, + "locks": 180, + "locomotive": 829, + "locomotives": 1584, + "lodge": 6100, + "lodged": 8686, + "loft": 1612, + "log": 5197, + "logging": 3358, + "logo": 4978, + "logos": 6723, + "logs": 4977, + "lollipop": 611, + "lollipops": 4528, + "london": 6057, + "lone": 3519, + "lonely": 6196, + "long": 3520, + "long-haired": 5704, + "longboard": 4143, + "longer": 8421, + "longhorn": 6634, + "longingly": 7724, + "look": 5293, + "looked": 4333, + "lookers": 7353, + "looking": 5121, + "lookout": 4121, + "looks": 8210, + "loom": 5291, + "looming": 2216, + "looms": 2285, + "loop": 5297, + "loose": 5216, + "lorry": 2763, + "los": 5199, + "loses": 4364, + "losing": 4504, + "lost": 1047, + "lot": 5201, + "lotion": 1155, + "lots": 78, + "louis": 5213, + "lounge": 727, + "lounges": 8093, + "lounging": 269, + "love": 2302, + "loved": 5007, + "lovely": 1166, + "loves": 8183, + "loveseat": 8654, + "loving": 6721, + "low": 5200, + "lower": 4257, + "lowered": 4911, + "lowering": 840, + "lowers": 4058, + "lucky": 7113, + "lufthansa": 430, + "luggage": 1167, + "luggages": 4840, + "lumber": 4301, + "lunch": 1261, + "lunchbox": 4817, + "luncheon": 2796, + "lunches": 2952, + "lunges": 4433, + "lunging": 7535, + "lush": 2703, + "luxurious": 266, + "luxury": 5000, + "lying": 1942, + "m": 5526, + "ma": 3906, + "mac": 5620, + "macaroni": 8537, + "macbook": 6627, + "mache": 151, + "machine": 2173, + "machinery": 1976, + "machines": 568, + "mad": 5621, + "made": 6559, + "made-up": 3333, + "madison": 2363, + "magazine": 1208, + "magazines": 4511, + "magnet": 3461, + "magnetic": 564, + "magnets": 3931, + "magnificent": 8088, + "magnifying": 8716, + "maid": 7856, + "mail": 7857, + "mailbox": 1450, + "main": 7858, + "mainly": 8463, + "maintained": 7896, + "maintenance": 3129, + "majestic": 6110, + "majestically": 230, + "major": 6926, + "make": 5557, + "make-up": 6389, + "maker": 451, + "makes": 450, + "makeshift": 908, + "makeup": 5601, + "making": 1248, + "malaysia": 6139, + "male": 6898, + "males": 3668, + "mall": 6897, + "mallard": 8319, + "mama": 3685, + "mamma": 7264, + "man": 5622, + "man-made": 4421, + "managing": 2362, + "mandarin": 5160, + "mane": 4617, + "maneuver": 8476, + "maneuvering": 5575, + "maneuvers": 5546, + "manger": 6947, + "mango": 184, + "mangoes": 2808, + "mangos": 122, + "manhattan": 938, + "manicure": 6060, + "manicured": 4322, + "manipulated": 7037, + "manipulating": 8723, + "manmade": 4520, + "mannequin": 4882, + "mannequins": 1735, + "manner": 2798, + "manning": 3116, + "mans": 4615, + "mansion": 4927, + "mantel": 8110, + "mantle": 2861, + "manual": 7786, + "manufacturing": 6683, + "many": 4616, + "map": 5617, + "maple": 5255, + "marathon": 6223, + "marble": 4054, + "marbled": 6722, + "march": 3153, + "marching": 2144, + "mare": 7898, + "margarita": 2881, + "margherita": 1192, + "marijuana": 3393, + "marina": 7344, + "marinara": 2958, + "marine": 7345, + "mariners": 2614, + "mario": 1944, + "mark": 7900, + "marked": 7309, + "marker": 7310, + "markers": 4369, + "market": 8702, + "marketplace": 1065, + "markets": 6322, + "marking": 1222, + "markings": 1262, + "marks": 3457, + "marmalade": 8698, + "maroon": 2129, + "marquee": 407, + "marriage": 2508, + "married": 2077, + "marsh": 3792, + "marshmallows": 3502, + "marshy": 3264, + "martini": 4311, + "mary": 7901, + "mascot": 4561, + "mash": 4660, + "mashed": 5522, + "mask": 4659, + "masked": 6005, + "masks": 8171, + "mason": 48, + "mass": 4661, + "massive": 6757, + "master": 4929, + "masts": 8192, + "mat": 5618, + "match": 5998, + "matches": 2327, + "matching": 5716, + "mate": 566, + "material": 6479, + "materials": 5569, + "mates": 4093, + "mating": 4454, + "matress": 508, + "mats": 5937, + "matt": 5936, + "matter": 3367, + "mattress": 1914, + "mattresses": 4365, + "mature": 2586, + "mauve": 7513, + "may": 5619, + "maybe": 3492, + "mayo": 7270, + "mayonnaise": 1494, + "maze": 5384, + "mcdonald": 7923, + "mcdonalds": 5244, + "me": 5592, + "meadow": 159, + "meal": 5489, + "meals": 2592, + "mean": 5491, + "means": 2903, + "meant": 4867, + "measure": 7576, + "measuring": 7938, + "meat": 5486, + "meatball": 1770, + "meatballs": 4344, + "meatloaf": 2109, + "meats": 1630, + "meaty": 1631, + "mechanic": 2766, + "mechanical": 4862, + "medal": 2672, + "medals": 1715, + "media": 2982, + "median": 7888, + "medical": 3370, + "medicine": 4982, + "medieval": 3289, + "medium": 4022, + "medium-sized": 3696, + "medley": 7223, + "meet": 965, + "meeting": 8061, + "meets": 1178, + "mein": 5825, + "melon": 8426, + "melons": 2169, + "melted": 7175, + "melting": 1714, + "member": 4355, + "members": 5801, + "mementos": 541, + "memorabilia": 7007, + "memorial": 94, + "memory": 8439, + "men": 1085, + "menacingly": 2975, + "mens": 2228, + "menu": 2227, + "menus": 5234, + "mercedes": 1568, + "merchandise": 5828, + "merchant": 8278, + "merge": 2639, + "merry": 6244, + "mesh": 3916, + "mess": 3915, + "message": 5132, + "messages": 8540, + "messed": 1399, + "messenger": 5938, + "messily": 6024, + "messing": 3809, + "messy": 7419, + "met": 1087, + "metal": 8353, + "metallic": 2212, + "meter": 3785, + "meters": 4007, + "metro": 8726, + "metropolitan": 3399, + "mets": 4837, + "mexican": 2477, + "mexico": 7772, + "mic": 5951, + "mice": 6862, + "michigan": 7617, + "mickey": 5264, + "micro": 1402, + "microphone": 7599, + "microphones": 2345, + "microsoft": 2006, + "microwave": 1204, + "microwaves": 2360, + "mid": 5952, + "mid-air": 7867, + "mid-flight": 634, + "mid-jump": 5240, + "mid-swing": 2648, + "midair": 7149, + "midday": 4808, + "middle": 3575, + "middle-aged": 4983, + "midst": 4537, + "might": 4205, + "mike": 5107, + "mild": 7812, + "mile": 7813, + "miles": 1290, + "military": 2161, + "milk": 7816, + "milking": 5203, + "milks": 3640, + "milkshake": 1892, + "mill": 7814, + "milling": 7890, + "mills": 4856, + "mime": 4583, + "mingle": 7265, + "mingling": 5176, + "mini": 5513, + "mini-fridge": 4223, + "miniature": 7257, + "minimal": 5314, + "minimalist": 4834, + "minivan": 3784, + "minnesota": 1678, + "minnie": 863, + "minor": 6323, + "mint": 6988, + "mints": 8291, + "minute": 156, + "minutes": 3874, + "mirror": 5876, + "mirrored": 5177, + "mirrors": 178, + "miscellaneous": 6158, + "mismatched": 3506, + "miss": 864, + "missed": 2491, + "misses": 2492, + "misshapen": 2317, + "missing": 893, + "mist": 7465, + "misty": 5399, + "mit": 5955, + "mitt": 8831, + "mitten": 5003, + "mittens": 867, + "mitts": 3532, + "mix": 8144, + "mixed": 5722, + "mixer": 5720, + "mixers": 5423, + "mixes": 5721, + "mixing": 4795, + "mixture": 3965, + "mlb": 6973, + "mm": 3907, + "mmm": 1405, + "mobile": 7479, + "mock": 6437, + "mode": 3223, + "model": 4130, + "modeled": 3279, + "modeling": 3386, + "models": 4529, + "modem": 6936, + "moderate": 3762, + "modern": 5515, + "modest": 33, + "modified": 8447, + "modular": 7430, + "mohawk": 4630, + "mold": 2866, + "moldy": 4611, + "mom": 7929, + "moment": 3728, + "momma": 6419, + "mommy": 6418, + "money": 5697, + "monitor": 1257, + "monitors": 749, + "monk": 5161, + "monkey": 3806, + "monkeys": 6034, + "monks": 8011, + "monochrome": 5661, + "monogrammed": 5468, + "monopoly": 275, + "monorail": 1623, + "monster": 3510, + "monstrosity": 8217, + "montage": 6782, + "monument": 7162, + "moon": 1851, + "moored": 1486, + "mooring": 3815, + "moose": 8384, + "mop": 7928, + "moped": 6854, + "mopeds": 1489, + "more": 308, + "morning": 7861, + "mortar": 1546, + "mosaic": 7134, + "mosquito": 4006, + "moss": 5819, + "mossy": 4716, + "most": 5818, + "mostly": 58, + "mote": 2547, + "motel": 6067, + "motes": 6069, + "mother": 6121, + "mothers": 3627, + "motif": 2094, + "motion": 8481, + "motionless": 5865, + "motocross": 6879, + "motor": 8734, + "motorbike": 2090, + "motorbikes": 489, + "motorboat": 7621, + "motorcross": 3059, + "motorcycle": 7081, + "motorcycles": 1442, + "motorcyclist": 1116, + "motorcyclists": 6875, + "motorcylce": 6295, + "motorcyle": 3238, + "motorcyles": 4348, + "motorhome": 5330, + "motoring": 3347, + "motorists": 6489, + "motorized": 4979, + "motorola": 915, + "motors": 2165, + "mound": 2443, + "mounds": 6128, + "mount": 6261, + "mountain": 8032, + "mountainous": 495, + "mountains": 7186, + "mountainside": 40, + "mountaintop": 999, + "mounted": 5228, + "mounting": 6815, + "mouse": 5556, + "mousepad": 5067, + "mouses": 7318, + "mouth": 61, + "mouths": 8315, + "mouthwash": 1444, + "movable": 4960, + "move": 4825, + "moved": 3015, + "movement": 7977, + "moves": 3017, + "movie": 6952, + "movies": 1095, + "moving": 8690, + "mowed": 8118, + "mower": 8115, + "mozzarella": 1628, + "mp3": 3030, + "much": 86, + "mud": 1682, + "muddy": 3839, + "muffin": 7204, + "muffins": 1221, + "mug": 1683, + "mugs": 8437, + "mulch": 4386, + "mule": 1375, + "mules": 2062, + "multi": 5985, + "multi-colored": 2531, + "multi-lane": 7503, + "multi-level": 6052, + "multi-story": 7412, + "multicolor": 3561, + "multicolored": 5377, + "multiple": 8494, + "multistory": 4541, + "multitude": 6317, + "munch": 3578, + "munches": 4475, + "munching": 3269, + "mural": 4714, + "murals": 6601, + "murdered": 8832, + "murky": 5648, + "muscle": 5994, + "muscles": 8024, + "muscular": 5066, + "museum": 7668, + "mushroom": 7766, + "mushrooms": 3291, + "music": 24, + "musical": 664, + "musician": 4300, + "musicians": 6614, + "muslim": 5088, + "must": 8305, + "mustache": 1529, + "mustard": 6438, + "muzzle": 6031, + "muzzled": 5783, + "my": 3909, + "myspace": 8771, + "mysterious": 5226, + "n": 1690, + "n't": 3572, + "nachos": 2252, + "nad": 7529, + "nail": 1622, + "nailed": 4237, + "nails": 419, + "naked": 8510, + "name": 2108, + "named": 3769, + "names": 3771, + "nap": 7530, + "napkin": 3438, + "napkins": 4519, + "napping": 6864, + "naps": 7492, + "narrow": 3639, + "nasa": 4279, + "nasty": 5008, + "national": 3826, + "native": 8143, + "nativity": 7868, + "natural": 4570, + "nature": 80, + "naval": 1891, + "navel": 6160, + "navigate": 4995, + "navigates": 2374, + "navigating": 5122, + "navy": 5494, + "nd": 6273, + "near": 2751, + "nearby": 7369, + "nearest": 1249, + "nearing": 3038, + "nearly": 5680, + "nears": 468, + "neat": 3396, + "neath": 2368, + "neatly": 765, + "necessary": 1046, + "necessities": 2666, + "neck": 5623, + "necked": 1947, + "necklace": 3816, + "necklaces": 3479, + "necks": 242, + "necktie": 4997, + "neckties": 3721, + "nectar": 7820, + "need": 7597, + "needed": 53, + "needing": 1410, + "needle": 3687, + "needles": 685, + "needs": 1390, + "negative": 4950, + "neglected": 2461, + "neighborhood": 3938, + "neon": 796, + "nerd": 3018, + "nerf": 3019, + "nest": 6268, + "nesting": 6169, + "nestled": 5170, + "net": 3322, + "netbook": 6850, + "nets": 4964, + "netting": 3611, + "network": 7211, + "neutral": 5440, + "never": 3323, + "new": 3321, + "newborn": 3715, + "newer": 1285, + "newest": 529, + "newly": 1366, + "newlywed": 998, + "news": 1687, + "newspaper": 240, + "newspapers": 7276, + "next": 455, + "nibble": 6948, + "nibbles": 6376, + "nibbling": 453, + "nice": 2001, + "nicely": 73, + "niche": 1083, + "nick": 3584, + "nigh": 6569, + "night": 672, + "nights": 6367, + "nightstand": 3336, + "nightstands": 2225, + "nighttime": 7746, + "nike": 1697, + "nine": 3054, + "nintendo": 3307, + "no": 4031, + "nobody": 1555, + "nokia": 5369, + "non": 739, + "noodle": 8691, + "noodles": 6104, + "nook": 6842, + "noon": 6841, + "nordic": 1474, + "normal": 7879, + "north": 6498, + "nose": 3743, + "noses": 731, + "nosing": 8699, + "not": 741, + "note": 6775, + "notebook": 2628, + "notebooks": 7569, + "notepad": 4145, + "notes": 8721, + "nothing": 6370, + "notice": 7366, + "nourishment": 2137, + "novel": 3275, + "novelty": 409, + "now": 742, + "nowhere": 7006, + "nozzle": 4953, + "nude": 1194, + "nudging": 6087, + "number": 2499, + "numbered": 5992, + "numbers": 1389, + "numeral": 15, + "numerals": 4701, + "numerous": 6381, + "nun": 3972, + "nunchuck": 3675, + "nurse": 2440, + "nursery": 565, + "nurses": 555, + "nursing": 1772, + "nut": 3971, + "nutella": 8671, + "nutritious": 3267, + "nuts": 592, + "nuzzle": 6825, + "nuzzles": 5044, + "nuzzling": 8184, + "nw": 4032, + "o": 6684, + "o'clock": 689, + "oak": 6025, + "oakland": 4879, + "oar": 1041, + "oars": 8059, + "oatmeal": 5883, + "oats": 6220, + "obama": 2506, + "obelisk": 7839, + "obese": 88, + "object": 6626, + "objects": 5911, + "oblong": 2646, + "obscene": 1725, + "obscured": 411, + "obscures": 410, + "observation": 1140, + "observe": 6820, + "observed": 7241, + "observes": 7240, + "observing": 8598, + "obstacle": 1969, + "obstacles": 7646, + "obstructed": 1422, + "occasion": 1560, + "occupied": 7875, + "occupies": 7872, + "occupy": 2577, + "ocean": 1704, + "oceans": 4395, + "octagonal": 6004, + "octopus": 5051, + "od": 4150, + "odd": 6931, + "oddly": 8558, + "of": 4149, + "ofa": 525, + "off": 526, + "off-road": 1872, + "off-white": 4403, + "offer": 6689, + "offered": 3569, + "offering": 7797, + "offers": 6195, + "office": 7203, + "officer": 1817, + "officers": 5267, + "official": 2740, + "officials": 1008, + "offspring": 4197, + "often": 8087, + "oil": 5692, + "oils": 3774, + "oin": 5691, + "oj": 4148, + "ok": 4147, + "old": 6679, + "old-fashioned": 4495, + "older": 5304, + "olive": 3470, + "olives": 7371, + "ollie": 2293, + "olympic": 3464, + "olympics": 2679, + "omelet": 817, + "omelette": 2503, + "on": 4146, + "ona": 204, + "once": 6442, + "oncoming": 917, + "one": 205, + "one-way": 7515, + "ones": 8783, + "onesie": 8530, + "onion": 2721, + "onions": 8745, + "onlooker": 6691, + "onlookers": 4836, + "onlooking": 5576, + "only": 5151, + "ont": 206, + "onto": 6073, + "ontop": 3736, + "onward": 1596, + "oozing": 8776, + "open": 4586, + "open-faced": 3603, + "opened": 2932, + "opener": 2934, + "opening": 2084, + "opens": 422, + "operate": 1107, + "operated": 1009, + "operates": 1007, + "operating": 3636, + "operator": 3006, + "opponent": 5886, + "opponents": 4404, + "opportunity": 5565, + "opposing": 7030, + "opposite": 217, + "options": 4188, + "or": 715, + "orange": 4314, + "oranges": 3845, + "orchard": 7999, + "orchid": 7273, + "orchids": 4608, + "order": 7202, + "ordered": 931, + "ordering": 2791, + "orderly": 3961, + "orders": 5814, + "ordinary": 2771, + "oreo": 1207, + "organ": 3825, + "organic": 2054, + "organization": 8075, + "organized": 2171, + "organizing": 7934, + "oriental": 8168, + "origami": 6949, + "original": 2430, + "orioles": 8683, + "ornament": 5685, + "ornamental": 4399, + "ornaments": 133, + "ornate": 2143, + "ornately": 5340, + "orphanage": 7635, + "os": 4153, + "ostrich": 2344, + "ostriches": 5233, + "ot": 4152, + "other": 4384, + "others": 8127, + "otherwise": 8215, + "ottoman": 1004, + "ottomans": 6433, + "our": 2048, + "out": 2049, + "outcrop": 8473, + "outcropping": 1932, + "outdated": 3904, + "outdoor": 1325, + "outdoors": 6366, + "outer": 5368, + "outfield": 7963, + "outfielder": 8211, + "outfit": 6383, + "outfits": 1661, + "outfitted": 346, + "outhouse": 7481, + "outlet": 6796, + "outlets": 561, + "outline": 3491, + "outlined": 4831, + "outs": 1333, + "outside": 6238, + "outskirts": 5588, + "outstretched": 4030, + "outward": 2528, + "outwards": 2601, + "oval": 3772, + "oven": 8322, + "ovens": 3594, + "over": 8318, + "over-sized": 31, + "overalls": 2714, + "overcast": 7135, + "overcoat": 3835, + "overexposed": 5259, + "overflowing": 1862, + "overgrown": 7242, + "overhand": 4517, + "overhang": 5774, + "overhead": 2277, + "overheard": 1639, + "overloaded": 2310, + "overlook": 7664, + "overlooked": 3135, + "overlooking": 1496, + "overlooks": 5181, + "overly": 7935, + "overnight": 3066, + "overpass": 6184, + "overripe": 2640, + "oversize": 6744, + "oversized": 3555, + "overstuffed": 1953, + "overtop": 2593, + "overturned": 144, + "overview": 5162, + "overweight": 3140, + "owl": 4375, + "owls": 5483, + "own": 4376, + "owner": 2655, + "owners": 4705, + "ox": 4151, + "oxen": 3014, + "p": 2882, + "pace": 904, + "pacific": 4139, + "pacifier": 1303, + "pack": 906, + "package": 4646, + "packaged": 2813, + "packages": 2814, + "packaging": 4346, + "packed": 4872, + "packet": 4871, + "packets": 6700, + "packing": 1511, + "packs": 3131, + "pad": 7913, + "padded": 68, + "padding": 2353, + "paddle": 5905, + "paddleboarding": 5092, + "paddles": 6624, + "paddling": 6943, + "paddock": 3858, + "pads": 4466, + "page": 5427, + "pages": 6781, + "pagoda": 3710, + "paid": 3421, + "pail": 3537, + "pain": 3536, + "paint": 3684, + "paintbrush": 2214, + "painted": 4349, + "painting": 4863, + "paintings": 5350, + "paints": 3000, + "pair": 3428, + "paired": 425, + "pairs": 348, + "paisley": 8676, + "pajamas": 7039, + "pakistan": 8523, + "palace": 1133, + "pale": 4770, + "pallet": 4134, + "pallets": 1146, + "palm": 4768, + "palms": 140, + "pamphlets": 7539, + "pan": 3673, + "pancake": 957, + "pancakes": 7699, + "panda": 567, + "pandas": 1330, + "pane": 2479, + "panel": 3863, + "paneled": 129, + "paneling": 5867, + "panels": 2282, + "panes": 3861, + "panini": 3346, + "panorama": 2275, + "panoramic": 4200, + "pans": 2476, + "pant": 2478, + "panties": 7745, + "panting": 4794, + "pantry": 1538, + "pants": 8791, + "paper": 329, + "paperback": 7172, + "papered": 5192, + "papers": 3508, + "paperwork": 135, + "para": 5806, + "para-sail": 299, + "para-sailing": 171, + "para-surfing": 5078, + "parachute": 179, + "parachutes": 4250, + "parachuting": 4548, + "parade": 7512, + "parading": 4252, + "paragliding": 2724, + "parakeet": 6833, + "parakeets": 1873, + "parallel": 1643, + "paraphernalia": 1344, + "parasail": 2389, + "parasailer": 3327, + "parasailers": 6461, + "parasailing": 8762, + "parasails": 8405, + "parasol": 3055, + "parasols": 1790, + "parcel": 7970, + "parchment": 1038, + "pared": 3746, + "parent": 7893, + "parents": 404, + "paris": 8277, + "park": 5808, + "park-like": 3773, + "parka": 5954, + "parked": 3256, + "parking": 8512, + "parks": 5953, + "parliament": 4299, + "parlor": 6436, + "parmesan": 4169, + "parrot": 8283, + "parrots": 2031, + "parsley": 1161, + "part": 5811, + "partaking": 6835, + "partial": 7031, + "partially": 5398, + "participate": 4456, + "participating": 3979, + "particular": 7989, + "partition": 8352, + "partly": 3130, + "partner": 1589, + "partners": 5393, + "parts": 1029, + "party": 1031, + "pass": 296, + "passage": 1750, + "passageway": 1101, + "passanger": 3170, + "passed": 8638, + "passenger": 132, + "passengers": 4551, + "passes": 8635, + "passing": 3834, + "passport": 6588, + "past": 294, + "pasta": 2113, + "paste": 2114, + "pasted": 650, + "pastel": 647, + "pastor": 2580, + "pastrami": 7360, + "pastries": 5437, + "pastry": 1277, + "pasture": 8106, + "pastures": 1343, + "pasty": 2111, + "pat": 7911, + "patch": 76, + "patches": 8276, + "patchwork": 354, + "patchy": 2067, + "pate": 8847, + "path": 3900, + "paths": 3693, + "pathway": 3486, + "patient": 5880, + "patiently": 3717, + "patio": 6907, + "patrick": 1846, + "patriotic": 7308, + "patrol": 6460, + "patrolling": 1160, + "patrols": 1388, + "patrons": 7894, + "pattered": 3469, + "pattern": 5967, + "patterned": 1940, + "patterns": 527, + "patties": 3118, + "patty": 6962, + "pause": 7111, + "paused": 7321, + "pauses": 7320, + "pausing": 8191, + "paved": 6091, + "pavement": 2261, + "pavers": 8056, + "pavilion": 3436, + "paw": 3656, + "pawing": 5769, + "pawn": 4812, + "paws": 4816, + "pay": 7912, + "payer": 7456, + "paying": 4120, + "payphone": 2074, + "pc": 7667, + "pda": 3345, + "pea": 3742, + "peace": 1999, + "peaceful": 8526, + "peacefully": 7245, + "peach": 1998, + "peaches": 4605, + "peacock": 2290, + "peacocks": 5031, + "peak": 5208, + "peaked": 8025, + "peaking": 1823, + "peaks": 1700, + "peal": 5207, + "pealed": 8775, + "peanut": 3758, + "peanuts": 7453, + "pear": 5205, + "pearl": 4684, + "pearls": 4053, + "pears": 4683, + "peas": 5206, + "pebbles": 3382, + "pecans": 6476, + "pecking": 2553, + "pecks": 250, + "pedal": 6533, + "pedals": 2888, + "peddling": 5548, + "pedestal": 4655, + "pedestals": 3173, + "pedestrian": 4717, + "pedestrians": 4786, + "peeing": 5248, + "peek": 677, + "peeking": 1350, + "peeks": 8578, + "peel": 678, + "peeled": 7306, + "peeling": 972, + "peels": 705, + "peep": 681, + "peeping": 7712, + "peer": 680, + "peering": 4282, + "peers": 5887, + "pelican": 8482, + "pelicans": 267, + "pen": 3739, + "penalty": 4233, + "pencil": 457, + "pencils": 8496, + "pendant": 6490, + "pendulum": 6965, + "penguin": 6427, + "penguins": 4107, + "penn": 3665, + "penned": 3434, + "pennsylvania": 6271, + "penny": 7674, + "pens": 3661, + "pensive": 7959, + "peope": 5327, + "peopel": 7525, + "people": 2263, + "peoples": 6398, + "peperoni": 128, + "pepper": 954, + "pepperoni": 7866, + "pepperonis": 4783, + "peppers": 1457, + "pepsi": 5841, + "per": 3738, + "perch": 4102, + "perched": 8042, + "perches": 8041, + "perching": 1665, + "perfect": 476, + "perfectly": 5382, + "perform": 5028, + "performance": 1281, + "performed": 6459, + "performer": 4064, + "performers": 3095, + "performing": 5574, + "performs": 4318, + "perhaps": 2097, + "perimeter": 7259, + "period": 1819, + "peripheral": 4465, + "peripherals": 5175, + "perked": 7511, + "perpendicular": 1982, + "persian": 8471, + "person": 2210, + "personal": 1110, + "personalized": 3534, + "personnel": 5737, + "persons": 6269, + "perspective": 1370, + "peson": 777, + "pesto": 8529, + "pet": 3737, + "petals": 497, + "peter": 5428, + "pets": 7112, + "petted": 858, + "petting": 6136, + "pews": 6525, + "pf": 4246, + "philadelphia": 6857, + "phone": 8303, + "phones": 7173, + "photo": 5035, + "photo-shopped": 8166, + "photograph": 3241, + "photographed": 7269, + "photographer": 7268, + "photographers": 4491, + "photographic": 5530, + "photographing": 6363, + "photographs": 8199, + "photography": 8201, + "photos": 238, + "photoshop": 851, + "photoshopped": 4325, + "phrase": 845, + "piano": 6511, + "pic": 8265, + "pick": 2446, + "pick-up": 2637, + "picked": 5348, + "picker": 5341, + "picket": 5343, + "picking": 3387, + "pickle": 2018, + "pickled": 4641, + "pickles": 4643, + "picks": 6995, + "pickup": 4731, + "picnic": 4109, + "pics": 2444, + "picture": 1739, + "pictured": 892, + "pictures": 891, + "picturesque": 968, + "pie": 8266, + "piece": 7673, + "pieces": 7066, + "pier": 534, + "piercing": 3326, + "piers": 2768, + "pies": 535, + "pig": 8267, + "pigeon": 3677, + "pigeons": 4260, + "piggy": 2230, + "pigs": 7093, + "pigtails": 2973, + "pike": 2115, + "pile": 5699, + "piled": 8097, + "piles": 8095, + "pill": 5701, + "pillar": 7508, + "pillars": 2560, + "pilled": 3297, + "pillow": 712, + "pillowcases": 790, + "pillows": 1865, + "pills": 5118, + "pilot": 1826, + "pilots": 8019, + "pin": 8264, + "pine": 3219, + "pineapple": 6096, + "pineapples": 2860, + "pines": 2652, + "ping": 3480, + "pink": 3214, + "pinking": 6022, + "pinkish": 3925, + "pinned": 7467, + "pinning": 7182, + "pins": 3222, + "pinstripe": 1702, + "pinstriped": 2826, + "pint": 3487, + "pipe": 4029, + "pipeline": 1985, + "pipes": 5904, + "piping": 339, + "pirate": 2235, + "pirates": 8629, + "pit": 8270, + "pita": 6646, + "pitch": 5628, + "pitched": 818, + "pitcher": 815, + "pitchers": 3165, + "pitches": 816, + "pitching": 2453, + "pizza": 4958, + "pizzas": 7807, + "pizzeria": 5638, + "place": 6208, + "placed": 552, + "placemat": 6736, + "placemats": 4940, + "places": 550, + "placid": 5370, + "placing": 928, + "plaid": 8224, + "plain": 8225, + "plains": 3522, + "plan": 2512, + "plane": 6904, + "planes": 1487, + "plank": 6905, + "planks": 3821, + "plans": 6903, + "plant": 6902, + "plantain": 6170, + "plantains": 4419, + "planted": 2678, + "planter": 2676, + "planters": 7174, + "plants": 6394, + "plaque": 101, + "plaques": 6563, + "plaster": 3922, + "plastered": 1382, + "plastic": 8484, + "plat": 2511, + "plate": 71, + "plated": 2827, + "plater": 2828, + "plates": 2829, + "platform": 2091, + "platforms": 6549, + "plating": 7260, + "plats": 72, + "platter": 1870, + "platters": 1199, + "play": 2510, + "played": 6660, + "player": 6661, + "players": 8370, + "playful": 5111, + "playfully": 6616, + "playground": 7578, + "playing": 5782, + "playroom": 8398, + "plays": 7545, + "playstation": 3380, + "plaza": 1987, + "pleasant": 3679, + "please": 8051, + "pleased": 4049, + "pleasure": 3658, + "plentiful": 2794, + "plenty": 6094, + "plethora": 6417, + "pliers": 4505, + "plot": 576, + "plow": 577, + "plowed": 6537, + "plowing": 347, + "plug": 6144, + "plugged": 3752, + "plugging": 3253, + "plugs": 3143, + "plumbing": 1646, + "plume": 5676, + "plump": 5679, + "plums": 5678, + "plunger": 4411, + "plus": 6146, + "plush": 7976, + "plying": 1720, + "plywood": 8675, + "pm": 4247, + "pocket": 4461, + "pockets": 1338, + "pod": 5832, + "podium": 4907, + "poem": 7631, + "point": 1454, + "pointed": 3499, + "pointing": 3029, + "points": 3371, + "pointy": 3372, + "poised": 4135, + "poked": 8316, + "pokes": 8314, + "poking": 6728, + "polar": 3025, + "polaroid": 5558, + "pole": 4113, + "poles": 7547, + "police": 1256, + "policeman": 8429, + "policemen": 4193, + "polish": 1841, + "polished": 2121, + "political": 6387, + "politician": 1458, + "politicians": 3177, + "polka": 1017, + "poll": 4115, + "polo": 4114, + "pomegranate": 5301, + "pomegranates": 8038, + "pomeranian": 542, + "pond": 6329, + "pondering": 6084, + "pong": 6330, + "ponies": 7325, + "pontoon": 6041, + "pony": 6328, + "ponytail": 560, + "poodle": 6892, + "pooh": 824, + "pool": 825, + "pools": 3224, + "poop": 822, + "poor": 821, + "poorly": 6030, + "pop": 6248, + "popcorn": 7050, + "popping": 1539, + "poppy": 7171, + "pops": 8357, + "popsicle": 596, + "popular": 918, + "populated": 6202, + "porcelain": 2496, + "porch": 8736, + "porcupine": 886, + "pork": 1758, + "port": 1760, + "portable": 5751, + "portion": 7677, + "portions": 1809, + "portrait": 5386, + "portraits": 626, + "pose": 5047, + "posed": 5030, + "poses": 6676, + "posh": 5046, + "posing": 7322, + "position": 8236, + "positioned": 5249, + "positions": 952, + "possible": 2254, + "possibly": 2255, + "post": 5049, + "postage": 8522, + "postal": 258, + "postcard": 2997, + "posted": 4778, + "poster": 4776, + "posters": 2005, + "posting": 3334, + "posts": 1756, + "pot": 5794, + "potato": 5589, + "potatoes": 6062, + "potential": 5665, + "pots": 3807, + "potted": 2348, + "potter": 5485, + "pottery": 4278, + "potty": 2059, + "pouch": 8304, + "pounce": 1656, + "pound": 6980, + "pour": 7062, + "poured": 7126, + "pouring": 3838, + "pours": 2052, + "powder": 1793, + "powdered": 8773, + "powdery": 5452, + "power": 6845, + "powered": 7124, + "powerful": 994, + "practical": 7941, + "practice": 8757, + "practices": 3412, + "practicing": 4810, + "prairie": 805, + "praying": 3148, + "pre": 4090, + "predators": 860, + "preforming": 5978, + "preforms": 8068, + "pregnant": 8008, + "prep": 1766, + "preparation": 5512, + "preparations": 6018, + "prepare": 3007, + "prepared": 5896, + "prepares": 5897, + "preparing": 2521, + "prepped": 6957, + "prepping": 7787, + "present": 6522, + "presentation": 4172, + "presented": 5082, + "presenting": 1499, + "presents": 7680, + "preserve": 2236, + "president": 5481, + "presidential": 4833, + "presidents": 8131, + "press": 2107, + "pressed": 395, + "presses": 392, + "pressing": 5688, + "pressure": 543, + "pretend": 4562, + "pretending": 887, + "pretends": 5725, + "pretty": 3107, + "pretzel": 75, + "pretzels": 2068, + "prey": 6429, + "price": 5145, + "prices": 4391, + "pride": 5473, + "priest": 4607, + "primitive": 4019, + "prince": 1977, + "princess": 7582, + "print": 8591, + "printed": 220, + "printer": 216, + "printing": 6725, + "prints": 1183, + "prior": 305, + "prison": 6674, + "pristine": 7548, + "privacy": 7587, + "private": 3770, + "prize": 2150, + "prizes": 1518, + "pro": 6655, + "probably": 7488, + "problem": 554, + "procedure": 6115, + "proceed": 6320, + "proceeding": 1742, + "proceeds": 6023, + "process": 463, + "processing": 3161, + "procession": 8722, + "processor": 7401, + "produce": 729, + "producing": 842, + "product": 728, + "production": 597, + "products": 3200, + "professional": 7355, + "professionally": 90, + "professionals": 759, + "profile": 1524, + "program": 4171, + "programming": 5477, + "progress": 8213, + "project": 6859, + "projected": 3678, + "projection": 22, + "projector": 6266, + "projects": 7001, + "prom": 8701, + "prominent": 3285, + "prominently": 2398, + "promotional": 467, + "prone": 5383, + "prop": 8700, + "propane": 4394, + "propeller": 1043, + "propellers": 841, + "propellor": 3709, + "propellors": 3630, + "proper": 6002, + "properly": 5325, + "property": 5025, + "propped": 800, + "propping": 8688, + "props": 2812, + "prosciutto": 1657, + "protect": 3978, + "protected": 7871, + "protecting": 3852, + "protection": 570, + "protective": 2879, + "protector": 5284, + "protects": 8611, + "protein": 1318, + "protest": 8424, + "protester": 2289, + "protesters": 8819, + "protesting": 2128, + "protestors": 4195, + "protrudes": 6293, + "protruding": 3081, + "proud": 6008, + "proudly": 6138, + "provide": 3493, + "provided": 4141, + "provides": 4144, + "providing": 3245, + "proximity": 8238, + "pub": 3083, + "public": 5754, + "pudding": 7195, + "puddle": 5135, + "puddles": 7979, + "puff": 7121, + "puffs": 1360, + "puffy": 1362, + "pug": 3082, + "pugs": 1532, + "pull": 273, + "pulled": 185, + "pulling": 967, + "pulls": 4682, + "pump": 3551, + "pumping": 7864, + "pumpkin": 4564, + "pumpkins": 49, + "pumps": 2138, + "punch": 4804, + "puncher": 4122, + "punching": 8297, + "punk": 6754, + "pup": 3087, + "puppet": 8175, + "puppets": 4308, + "puppies": 5435, + "puppy": 283, + "purchase": 7723, + "purchased": 3649, + "purchasing": 7601, + "purple": 2854, + "purpose": 5864, + "purse": 4623, + "purses": 3830, + "pursuit": 2755, + "push": 6702, + "pushed": 3058, + "pushes": 3057, + "pushing": 8052, + "put": 3086, + "puts": 1159, + "putting": 3761, + "puzzle": 8400, + "puzzled": 2432, + "pylons": 5190, + "pyramid": 6116, + "pyramids": 7078, + "q": 7852, + "qantas": 1869, + "quaint": 4459, + "quality": 7586, + "quantity": 8501, + "quarter": 192, + "quarters": 3147, + "queen": 8356, + "quesadilla": 5777, + "question": 1993, + "queue": 170, + "quiche": 1447, + "quick": 8431, + "quickly": 6111, + "quiet": 1816, + "quietly": 7945, + "quilt": 7690, + "quilted": 8193, + "quite": 6749, + "quote": 3101, + "r": 4089, + "rabbit": 8737, + "rabbits": 3875, + "race": 4798, + "racer": 4742, + "racers": 60, + "races": 4743, + "racetrack": 5236, + "racing": 6316, + "rack": 4799, + "racket": 1572, + "rackets": 4295, + "rackett": 4294, + "racks": 7077, + "racquet": 6856, + "racquets": 6658, + "radiator": 1176, + "radio": 6098, + "radishes": 6159, + "raft": 5768, + "rafters": 1427, + "rafts": 4341, + "rag": 8342, + "raggedy": 8176, + "rags": 276, + "rail": 2830, + "railed": 1351, + "railing": 6565, + "railings": 8148, + "railroad": 7930, + "rails": 4219, + "railway": 1818, + "railways": 3312, + "rain": 8334, + "rainbow": 1997, + "raincoat": 1335, + "raincoats": 4363, + "rained": 6769, + "raining": 4389, + "rains": 6435, + "rainy": 6434, + "raised": 4508, + "raises": 746, + "raising": 2567, + "raisins": 6423, + "rally": 1996, + "ram": 8344, + "ramen": 1365, + "ramp": 7118, + "ramps": 8292, + "rams": 7119, + "ran": 8343, + "ranch": 6272, + "rancher": 3566, + "random": 5900, + "range": 1988, + "ranger": 7980, + "ranges": 3977, + "rapid": 4362, + "rapidly": 6914, + "rapids": 1352, + "raquet": 5438, + "rare": 2116, + "rared": 4238, + "raring": 8525, + "raspberries": 7550, + "raspberry": 7519, + "rat": 8346, + "ratchet": 1311, + "rather": 1902, + "ravioli": 6254, + "raw": 8345, + "ray": 5863, + "rays": 3478, + "razor": 1416, + "rd": 4426, + "re": 4427, + "reach": 8651, + "reached": 1551, + "reaches": 1549, + "reaching": 1056, + "react": 8652, + "reacting": 2918, + "reacts": 3230, + "read": 2994, + "reader": 5496, + "readied": 8801, + "readies": 8805, + "reading": 3553, + "reads": 5298, + "ready": 5299, + "readying": 3121, + "real": 397, + "realistic": 8470, + "really": 6921, + "rear": 2996, + "rearing": 8120, + "rears": 4449, + "rearview": 3427, + "reason": 5251, + "receipt": 194, + "receive": 7049, + "receiver": 7244, + "receives": 7243, + "receiving": 2935, + "recently": 4239, + "reception": 2872, + "recess": 1561, + "recessed": 7595, + "recipe": 6707, + "recliner": 2223, + "reclines": 2224, + "reclining": 1667, + "recognizable": 7210, + "record": 4380, + "recorder": 2999, + "recording": 5813, + "records": 2328, + "recreation": 5902, + "recreational": 7205, + "rectangle": 636, + "rectangular": 2474, + "recycling": 3714, + "red": 172, + "reddish": 7768, + "redheaded": 8465, + "redone": 956, + "reeds": 7065, + "reef": 7523, + "ref": 3798, + "referee": 6391, + "reflect": 8616, + "reflected": 3091, + "reflecting": 6495, + "reflection": 3277, + "reflections": 1436, + "reflective": 6818, + "reflects": 3205, + "refreshments": 7676, + "refridgerator": 1775, + "refrigerated": 1781, + "refrigeration": 6388, + "refrigerator": 8037, + "refrigerators": 2509, + "refueling": 6893, + "regal": 4930, + "region": 6822, + "register": 4691, + "regular": 5523, + "reigns": 2378, + "reindeer": 8798, + "reins": 6310, + "related": 6484, + "relatively": 8347, + "relax": 2163, + "relaxed": 2578, + "relaxes": 2584, + "relaxing": 7251, + "release": 6638, + "released": 6218, + "releases": 6216, + "releasing": 3272, + "relief": 1839, + "religious": 828, + "relish": 4462, + "remain": 8434, + "remaining": 5308, + "remains": 5357, + "remarkable": 6307, + "remnants": 852, + "remodel": 8647, + "remodeled": 3310, + "remodeling": 6350, + "remote": 3617, + "remotes": 2963, + "remove": 5830, + "removed": 8408, + "removes": 8406, + "removing": 5198, + "renaissance": 1180, + "rendering": 684, + "renovated": 51, + "renovation": 8457, + "renovations": 5932, + "rent": 6221, + "rental": 1653, + "repair": 7008, + "repaired": 2332, + "repairing": 6491, + "repairs": 5835, + "replaced": 5860, + "replica": 7164, + "reporter": 6579, + "reporters": 4729, + "representation": 1779, + "representing": 2354, + "rescue": 3311, + "resemble": 323, + "resembles": 5742, + "resembling": 1797, + "residence": 6809, + "residential": 2718, + "resort": 6341, + "respected": 3842, + "respective": 317, + "response": 7997, + "rest": 4632, + "restaraunt": 8103, + "restaurant": 1451, + "restaurants": 1445, + "rested": 7537, + "resting": 4740, + "restored": 1228, + "restroom": 1297, + "restrooms": 2989, + "rests": 5465, + "resturant": 2390, + "retail": 3801, + "retaining": 2219, + "retrieve": 193, + "retriever": 4951, + "retrieves": 3800, + "retrieving": 2575, + "retro": 3458, + "return": 8623, + "returned": 4673, + "returning": 5748, + "returns": 6214, + "reveal": 6233, + "revealing": 6887, + "reveals": 4108, + "review": 8515, + "rhino": 1717, + "rhinoceros": 3913, + "rhinos": 3068, + "ribbon": 7974, + "ribbons": 3448, + "ribs": 5577, + "rice": 70, + "rich": 69, + "rickshaw": 4847, + "ridden": 8220, + "ridding": 2452, + "ride": 7559, + "rider": 8350, + "riderless": 8597, + "riders": 176, + "rides": 8349, + "ridge": 990, + "riding": 507, + "rifle": 3105, + "rig": 8687, + "right": 6678, + "rim": 8685, + "rimmed": 4167, + "rims": 1686, + "ring": 756, + "rings": 4468, + "rink": 755, + "ripe": 2702, + "ripened": 3183, + "ripeness": 6454, + "ripening": 5094, + "ripped": 2112, + "rise": 8279, + "rises": 4704, + "rising": 1856, + "river": 6945, + "riverbank": 2455, + "riverboat": 7184, + "rivers": 1509, + "riverside": 1039, + "road": 7944, + "roads": 7156, + "roadside": 6776, + "roadway": 290, + "roam": 7943, + "roaming": 3598, + "roams": 3618, + "roaring": 5089, + "roast": 5488, + "roasted": 7506, + "roasting": 2699, + "robe": 2367, + "robes": 3034, + "robin": 6978, + "robot": 472, + "robotic": 2712, + "rock": 5632, + "rockefeller": 882, + "rocket": 8813, + "rocking": 6393, + "rocks": 4974, + "rocky": 4971, + "rod": 1747, + "rode": 466, + "rodent": 1707, + "rodeo": 7662, + "rods": 469, + "role": 138, + "roles": 6088, + "rolex": 6089, + "roll": 139, + "rolled": 6641, + "roller": 6644, + "rollerblading": 7962, + "rolling": 6698, + "rolls": 3169, + "rom": 1746, + "roman": 6384, + "ronald": 973, + "roof": 2970, + "roofed": 6654, + "roofs": 1921, + "rooftop": 2917, + "rooftops": 2388, + "room": 1093, + "roomful": 7454, + "rooms": 4897, + "rooster": 2096, + "roosters": 8480, + "root": 1096, + "roots": 333, + "rope": 5294, + "roped": 3989, + "ropes": 3984, + "roping": 3755, + "rose": 6276, + "roses": 1864, + "rotating": 698, + "rotten": 3192, + "rotting": 8848, + "rotunda": 2657, + "rough": 7110, + "round": 1232, + "roundabout": 640, + "rounded": 8003, + "rounding": 2337, + "rounds": 8404, + "route": 3232, + "routes": 6758, + "rover": 253, + "row": 1748, + "rowboat": 4377, + "rowboats": 2488, + "rowers": 8378, + "rowing": 8362, + "rows": 1992, + "royal": 1188, + "rub": 3160, + "rubber": 8570, + "rubbing": 3574, + "rubbish": 4809, + "rubble": 4917, + "rubs": 5163, + "ruby": 5164, + "ruck": 8475, + "rue": 3163, + "ruffled": 6680, + "rug": 3162, + "rugby": 3560, + "rugged": 2948, + "rugs": 4227, + "ruined": 6155, + "ruins": 5941, + "ruler": 5179, + "rulers": 3136, + "rules": 5178, + "rummaging": 4681, + "rumpled": 8242, + "run": 3159, + "runaway": 4116, + "rundown": 1476, + "runner": 4440, + "runners": 2330, + "running": 7917, + "runs": 641, + "runway": 4885, + "runways": 2349, + "rural": 2746, + "rush": 274, + "rushes": 1607, + "rushing": 6668, + "russian": 3174, + "rust": 278, + "rusted": 6470, + "rustic": 1896, + "rusting": 8113, + "rusty": 4438, + "rv": 4425, + "rye": 7995, + "s": 232, + "saab": 8091, + "sack": 601, + "sad": 6767, + "saddle": 4374, + "saddled": 7510, + "saddles": 7517, + "sadly": 4985, + "safari": 5629, + "safe": 599, + "safely": 8796, + "safety": 865, + "safeway": 5935, + "said": 7758, + "sail": 7759, + "sailboard": 7489, + "sailboat": 1774, + "sailboats": 686, + "sailing": 8281, + "sailor": 3074, + "sailors": 1191, + "sails": 2589, + "saint": 349, + "salad": 1508, + "salads": 197, + "salami": 3799, + "sale": 6784, + "sales": 3016, + "salesman": 557, + "salmon": 5817, + "salon": 4962, + "saloon": 6372, + "salsa": 1642, + "salt": 6786, + "saluting": 7305, + "salvation": 958, + "same": 3577, + "sample": 1250, + "samples": 8554, + "sampling": 4112, + "samsung": 1073, + "san": 6766, + "sanctioned": 2041, + "sanctuary": 6097, + "sand": 291, + "sandal": 6996, + "sandals": 3729, + "sanding": 8141, + "sands": 3228, + "sandwhich": 8846, + "sandwhiches": 8335, + "sandwich": 8615, + "sandwiched": 8648, + "sandwiches": 8650, + "sandy": 3229, + "sanitizer": 3401, + "santa": 2569, + "sas": 6770, + "sat": 6772, + "satchel": 2151, + "satellite": 6120, + "satin": 6274, + "sauce": 334, + "saucer": 1979, + "saucers": 6515, + "sauces": 3446, + "sauerkraut": 4802, + "sausage": 5349, + "sausages": 5980, + "sauteed": 5147, + "savanna": 5027, + "savannah": 7647, + "save": 1189, + "saw": 6771, + "say": 6768, + "saying": 66, + "says": 6358, + "scaffolding": 8299, + "scale": 8090, + "scallions": 7442, + "scallops": 833, + "scanner": 7413, + "scantily": 1420, + "scape": 4764, + "scarecrow": 7250, + "scared": 6548, + "scarf": 7094, + "scarfs": 5561, + "scarves": 2856, + "scary": 7092, + "scatter": 461, + "scattered": 3699, + "scene": 490, + "scenery": 7044, + "scenes": 4993, + "scenic": 480, + "scheme": 5257, + "school": 1618, + "schoolbus": 7299, + "science": 2457, + "scissor": 4358, + "scissors": 5793, + "scones": 4908, + "scoop": 974, + "scooping": 4860, + "scoops": 343, + "scooter": 5272, + "scooters": 5479, + "score": 2234, + "scoreboard": 4540, + "scott": 330, + "scottish": 6967, + "scout": 3625, + "scrambled": 7607, + "scrap": 3383, + "scraps": 7022, + "scratch": 4790, + "scratched": 4557, + "scratches": 4560, + "scratching": 4209, + "scream": 65, + "screaming": 3512, + "screen": 4614, + "screened": 1456, + "screens": 4190, + "screwdriver": 5212, + "screwed": 1603, + "scrolling": 7620, + "scrub": 7026, + "scrubber": 642, + "scrubby": 8413, + "scrubs": 6469, + "scruffy": 5833, + "scuba": 2356, + "sculpted": 6228, + "sculpture": 8774, + "sculptures": 8749, + "sea": 2527, + "seafood": 8497, + "seagull": 315, + "seagulls": 7916, + "seal": 1292, + "sealed": 270, + "seaplane": 6685, + "search": 3637, + "searching": 8825, + "seashells": 5927, + "seashore": 2893, + "seaside": 2260, + "season": 8487, + "seasoned": 1581, + "seasoning": 7826, + "seasonings": 7602, + "seat": 7870, + "seated": 4994, + "seating": 260, + "seats": 3851, + "seattle": 7774, + "seaweed": 8780, + "secluded": 2546, + "second": 6574, + "section": 2438, + "sectional": 8761, + "sectioned": 4196, + "sections": 6421, + "secured": 8453, + "security": 2852, + "sedan": 5956, + "see": 2526, + "see-through": 2687, + "seed": 5517, + "seeds": 2732, + "seeing": 3167, + "seeking": 3667, + "seem": 5519, + "seemingly": 7296, + "seems": 6277, + "seen": 5518, + "sees": 5514, + "segments": 7679, + "selecting": 3194, + "selection": 8195, + "selections": 5128, + "self": 360, + "selfie": 1212, + "selfies": 7423, + "sell": 359, + "selling": 5260, + "sells": 6222, + "semi": 5871, + "semi-truck": 5940, + "seminar": 1670, + "send": 2600, + "sending": 709, + "senior": 8499, + "seniors": 7574, + "separate": 8573, + "separated": 581, + "separates": 582, + "separating": 983, + "seperate": 8697, + "seperated": 377, + "sepia": 1995, + "sepia-toned": 8696, + "sequence": 8824, + "serene": 1428, + "series": 4424, + "serious": 8422, + "seriously": 199, + "serve": 3942, + "served": 5711, + "server": 5708, + "servers": 7010, + "serves": 5707, + "service": 52, + "serviced": 1431, + "services": 1433, + "servicing": 2291, + "serving": 734, + "servings": 130, + "sesame": 2545, + "session": 2516, + "set": 2524, + "set-up": 1274, + "sets": 8234, + "settee": 1562, + "setting": 1738, + "settings": 6797, + "setup": 5475, + "seuss": 2949, + "seven": 1171, + "several": 3996, + "sewing": 6774, + "sex": 2525, + "sexy": 4289, + "shabby": 8823, + "shack": 5760, + "shacks": 4893, + "shade": 6338, + "shaded": 2023, + "shades": 2020, + "shading": 4759, + "shadow": 111, + "shadowed": 3998, + "shadows": 6061, + "shadowy": 6063, + "shady": 6337, + "shaggy": 7735, + "shake": 7624, + "shaker": 4501, + "shakers": 7953, + "shakes": 4502, + "shakespeare": 1205, + "shaking": 5375, + "shallow": 4326, + "shallows": 5965, + "shampoo": 3810, + "shape": 1475, + "shaped": 6413, + "shapes": 6414, + "shapped": 1413, + "share": 7993, + "shared": 706, + "shares": 704, + "sharing": 7838, + "shark": 7991, + "sharp": 7994, + "sharpener": 8695, + "sharpening": 4055, + "sharpie": 3963, + "shattered": 1358, + "shave": 3463, + "shaved": 7760, + "shaves": 7761, + "shaving": 6568, + "shavings": 4372, + "shawl": 207, + "she": 3262, + "shear": 7206, + "sheared": 4137, + "shearing": 6485, + "shears": 7347, + "shed": 7655, + "sheep": 2940, + "sheepdog": 6649, + "sheeps": 5842, + "sheer": 2941, + "sheered": 2130, + "sheering": 5011, + "sheers": 8135, + "sheet": 2942, + "sheeted": 3897, + "sheets": 1283, + "shelf": 6494, + "shelfs": 3827, + "shell": 6493, + "shells": 5724, + "shelter": 3860, + "shelve": 4410, + "shelves": 6611, + "shelving": 1099, + "shepard": 2391, + "shepherd": 6375, + "shetland": 4796, + "shield": 5627, + "shift": 5604, + "shine": 5319, + "shines": 6157, + "shining": 3895, + "shinning": 8461, + "shiny": 5321, + "ship": 3443, + "shipping": 8838, + "ships": 4312, + "shirt": 1970, + "shirted": 6640, + "shirtless": 4142, + "shirts": 162, + "shit": 3445, + "shocked": 1279, + "shoe": 5673, + "shoelace": 3314, + "shoeless": 1847, + "shoes": 1255, + "shoot": 3905, + "shooting": 8269, + "shoots": 123, + "shop": 5670, + "shopped": 2200, + "shopper": 2199, + "shoppers": 6762, + "shopping": 7902, + "shops": 8532, + "shore": 1910, + "shoreline": 7549, + "shores": 2176, + "shorn": 265, + "short": 1909, + "shortcake": 3122, + "shorter": 6989, + "shortly": 1703, + "shorts": 4846, + "shot": 5671, + "shots": 3969, + "should": 4865, + "shoulder": 5573, + "shoulders": 1018, + "shoved": 8733, + "shovel": 8730, + "shoveling": 1177, + "shoving": 8797, + "show": 4710, + "showcase": 2015, + "showcasing": 1263, + "showed": 4435, + "shower": 4439, + "showerhead": 5202, + "showing": 914, + "shown": 2931, + "showroom": 7342, + "shows": 2936, + "shred": 5380, + "shredded": 2136, + "shredding": 5746, + "shrimp": 6283, + "shrine": 7288, + "shrub": 6003, + "shrubbery": 612, + "shrubs": 4441, + "shut": 7089, + "shutter": 259, + "shutters": 6426, + "shuttle": 3844, + "siamese": 8599, + "sibling": 4918, + "siblings": 8586, + "sick": 929, + "side": 6849, + "side-by-side": 5123, + "sideboard": 6452, + "sidecar": 8189, + "sidecars": 4088, + "sided": 2590, + "sideline": 7718, + "sidelines": 3409, + "sides": 6858, + "sidewalk": 7302, + "sidewalks": 2033, + "sideways": 5639, + "siding": 6765, + "sidwalk": 5187, + "sigh": 4545, + "sight": 2565, + "sightseeing": 416, + "sign": 4546, + "signage": 5633, + "signal": 3155, + "signaling": 5261, + "signals": 6997, + "signed": 7671, + "signing": 3929, + "signpost": 6895, + "signs": 331, + "sil": 6467, + "silhouette": 8492, + "silhouetted": 6753, + "silhouettes": 6756, + "silk": 5826, + "sill": 5827, + "silly": 7743, + "silo": 5829, + "silos": 6726, + "silver": 2189, + "silverware": 693, + "similar": 930, + "similarly": 6620, + "simple": 5846, + "simply": 5849, + "simulator": 2576, + "simultaneously": 7178, + "sin": 6466, + "since": 3079, + "sing": 4043, + "singer": 62, + "singing": 7553, + "single": 5893, + "sings": 1701, + "singular": 7072, + "sink": 8126, + "sinking": 4393, + "sinks": 2754, + "sip": 6462, + "sipping": 7618, + "sips": 381, + "sister": 2731, + "sisters": 871, + "sit": 6463, + "site": 4887, + "sites": 4610, + "siting": 6390, + "sits": 4890, + "sittign": 4330, + "sittin": 8694, + "sitting": 1361, + "situated": 2436, + "situation": 241, + "six": 6464, + "sixteen": 42, + "size": 2939, + "sized": 1980, + "sizes": 3286, + "skate": 4535, + "skate-park": 2392, + "skatebaord": 3319, + "skateboard": 1547, + "skateboarded": 1203, + "skateboarder": 1206, + "skateboarders": 522, + "skateboarding": 513, + "skateboards": 4757, + "skatepark": 2239, + "skater": 3483, + "skaters": 718, + "skates": 3484, + "skating": 6019, + "skeleton": 5211, + "skewered": 1810, + "skewers": 8709, + "ski": 8816, + "skidding": 2957, + "skier": 2400, + "skiers": 786, + "skies": 2399, + "skiff": 1462, + "skii": 3454, + "skiier": 1187, + "skiiers": 5598, + "skiies": 8119, + "skiiing": 639, + "skiing": 4536, + "skiis": 6657, + "skill": 7648, + "skilled": 1340, + "skillet": 1342, + "skillets": 8503, + "skillfully": 6205, + "skills": 7686, + "skim": 3037, + "skimpy": 4471, + "skin": 3455, + "sking": 1120, + "skinned": 3535, + "skinny": 5958, + "skirt": 5361, + "skirts": 2246, + "skis": 3453, + "skull": 7526, + "skulls": 6639, + "sky": 8814, + "skying": 2071, + "skylight": 1718, + "skyline": 6798, + "skyscraper": 7364, + "skyscrapers": 1937, + "skyteam": 4287, + "slab": 5143, + "slabs": 7043, + "slacks": 740, + "slalom": 3912, + "slam": 5141, + "slanted": 2684, + "slap": 5140, + "slat": 5139, + "slate": 4420, + "slathered": 4902, + "slats": 4422, + "slatted": 4645, + "slaw": 5138, + "sled": 608, + "sledding": 782, + "sleds": 2723, + "sleek": 8272, + "sleep": 8274, + "sleeping": 1316, + "sleeps": 4493, + "sleepy": 4494, + "sleeve": 2523, + "sleeved": 6970, + "sleeveless": 6326, + "sleeves": 6972, + "sleigh": 5311, + "slender": 6848, + "slice": 8559, + "sliced": 1090, + "slicer": 6671, + "slices": 1089, + "slicing": 2188, + "slid": 4811, + "slide": 980, + "slider": 4328, + "slides": 4327, + "sliding": 2790, + "slight": 3862, + "slightly": 6686, + "slim": 4813, + "sling": 7806, + "slip": 4815, + "slippers": 6263, + "slippery": 6262, + "slips": 5853, + "slit": 4814, + "sliver": 4253, + "slop": 6791, + "slope": 8502, + "sloped": 1550, + "slopes": 4652, + "sloping": 4385, + "sloppy": 6336, + "slot": 6789, + "slow": 6790, + "slowing": 7163, + "slowly": 5411, + "slug": 8834, + "slushy": 6292, + "smal": 8603, + "small": 292, + "smaller": 6448, + "smart": 1597, + "smartphone": 5593, + "smartphones": 7636, + "smashed": 131, + "smeared": 8441, + "smell": 6696, + "smelling": 143, + "smile": 6047, + "smiles": 939, + "smiley": 940, + "smiling": 332, + "smirk": 47, + "smith": 6543, + "smoggy": 649, + "smoke": 2758, + "smoked": 7780, + "smokes": 7779, + "smokey": 7778, + "smoking": 1022, + "smooth": 2741, + "smoothie": 3503, + "smoothies": 5037, + "smothered": 924, + "snack": 770, + "snacking": 6502, + "snacks": 5920, + "snail": 6990, + "snake": 478, + "snap": 8080, + "snapshot": 5391, + "sneaker": 5712, + "sneakers": 3740, + "sneaks": 7013, + "sniff": 1016, + "sniffing": 4835, + "sniffs": 7399, + "snoozing": 2809, + "snout": 762, + "snow": 6092, + "snow-capped": 1446, + "snow-covered": 6313, + "snowboard": 2892, + "snowboarder": 2991, + "snowboarders": 6345, + "snowboarding": 1923, + "snowboards": 951, + "snowfall": 4878, + "snowing": 6567, + "snowman": 1675, + "snowmen": 6288, + "snowmobile": 1503, + "snows": 7279, + "snowshoes": 2414, + "snowstorm": 4235, + "snowsuit": 6799, + "snowsuits": 1079, + "snowy": 7278, + "snuggle": 1604, + "snuggled": 13, + "snuggles": 11, + "snuggling": 7155, + "so": 4572, + "soaked": 4444, + "soaking": 3343, + "soap": 2670, + "soaps": 6359, + "soapy": 3077, + "soar": 2671, + "soaring": 4081, + "soars": 8713, + "soccer": 1915, + "soccerball": 8818, + "soccor": 4547, + "social": 6889, + "socialize": 8293, + "socializing": 2673, + "sock": 420, + "socks": 1605, + "soda": 1393, + "sodas": 5584, + "sofa": 8244, + "sofas": 1378, + "soft": 8245, + "softball": 6335, + "soil": 2979, + "soiled": 5292, + "solar": 8407, + "sold": 1955, + "soldier": 3046, + "soldiers": 7611, + "sole": 1956, + "solid": 8063, + "solitary": 2323, + "solo": 1954, + "somber": 5476, + "sombrero": 4467, + "some": 7514, + "somebody": 1916, + "someone": 4123, + "someones": 6874, + "something": 4304, + "somewhat": 7742, + "somewhere": 2779, + "son": 4510, + "song": 8587, + "sons": 8592, + "sony": 8594, + "soon": 5242, + "sophisticated": 5727, + "sort": 8105, + "sorting": 4761, + "sorts": 3385, + "souffle": 4738, + "soul": 7843, + "sound": 1310, + "soup": 7844, + "soups": 3959, + "sour": 7845, + "source": 1479, + "south": 4961, + "southern": 7327, + "southwest": 5080, + "southwestern": 4105, + "sown": 5529, + "sox": 4514, + "spa": 2902, + "space": 2933, + "spaceous": 3036, + "spaces": 1804, + "spacious": 737, + "spaghetti": 4801, + "spandex": 7630, + "spaniel": 5414, + "spanish": 6760, + "spanning": 5613, + "spans": 1302, + "spare": 6808, + "sparkler": 3917, + "sparklers": 3202, + "sparkling": 8585, + "sparrow": 5821, + "sparse": 671, + "sparsely": 384, + "spatula": 474, + "spatulas": 2133, + "speak": 7248, + "speaker": 1030, + "speakers": 5662, + "speaking": 1273, + "speaks": 4067, + "spear": 7246, + "speared": 7236, + "spears": 8689, + "special": 6027, + "specially": 4401, + "specialty": 5324, + "species": 5231, + "specific": 4005, + "speckled": 5274, + "spectator": 6539, + "spectators": 3178, + "speech": 5689, + "speed": 2990, + "speedboat": 318, + "speeding": 8614, + "speeds": 4430, + "spell": 523, + "spelled": 2664, + "spend": 3731, + "spending": 7012, + "spewing": 218, + "spice": 1347, + "spices": 8073, + "spicy": 1346, + "spider": 6605, + "spigot": 4972, + "spikes": 1441, + "spiky": 1633, + "spill": 2650, + "spilled": 8837, + "spilling": 4463, + "spin": 89, + "spinach": 7738, + "spinning": 6618, + "spins": 408, + "spiral": 2125, + "spire": 4048, + "spires": 6412, + "spirit": 1825, + "spitting": 5990, + "splash": 5766, + "splashes": 6070, + "splashing": 436, + "splayed": 4849, + "split": 96, + "splits": 3841, + "sponge": 1716, + "spool": 6446, + "spools": 6168, + "spoon": 6447, + "spoonful": 7919, + "spooning": 6750, + "spoons": 8516, + "sport": 5157, + "sporting": 3413, + "sports": 6178, + "sporty": 1984, + "spot": 2315, + "spotless": 6604, + "spotlight": 4622, + "spots": 7157, + "spotted": 5405, + "spout": 3919, + "spouting": 922, + "sprawled": 3168, + "spray": 894, + "sprayed": 6829, + "sprayer": 6830, + "spraying": 3547, + "sprays": 1112, + "spread": 2840, + "spreading": 7947, + "spreads": 726, + "sprig": 615, + "spring": 4766, + "springs": 3389, + "sprinkle": 320, + "sprinkled": 3251, + "sprinkles": 3250, + "sprinkling": 6507, + "sprints": 4980, + "sprout": 8317, + "sprouting": 5400, + "sprouts": 4526, + "squad": 1280, + "squadron": 2806, + "square": 4578, + "squared": 4580, + "squares": 4581, + "squash": 1306, + "squat": 1278, + "squats": 2599, + "squatted": 791, + "squatting": 8159, + "squeezed": 1376, + "squeezing": 8719, + "squid": 1586, + "squinting": 1663, + "squints": 8646, + "squirrel": 4741, + "squirting": 3337, + "squished": 8015, + "st": 4571, + "st.": 7466, + "stabbed": 4397, + "stabbing": 7053, + "stable": 4283, + "stables": 2566, + "stack": 6994, + "stacked": 7903, + "stacking": 4060, + "stacks": 8423, + "stadium": 4479, + "staff": 5959, + "stage": 2730, + "stagecoach": 264, + "staged": 7798, + "stages": 2968, + "stain": 772, + "stained": 5150, + "stainless": 6015, + "stains": 3659, + "stair": 771, + "staircase": 2905, + "stairs": 6929, + "stairway": 2729, + "stairwell": 7918, + "stake": 7287, + "staked": 7660, + "stalk": 8643, + "stalks": 3768, + "stall": 8642, + "stalls": 4996, + "stamp": 5288, + "stance": 3197, + "stand": 6285, + "standard": 4984, + "standing": 2615, + "standng": 3997, + "stands": 6371, + "standstill": 4138, + "standup": 6258, + "staning": 1553, + "staples": 3460, + "star": 1067, + "starbucks": 859, + "stare": 811, + "stares": 5552, + "staring": 514, + "stark": 4842, + "starring": 119, + "stars": 814, + "start": 812, + "starting": 3619, + "startled": 2241, + "starts": 7736, + "state": 7626, + "stately": 1761, + "statement": 8023, + "states": 2464, + "stating": 6406, + "station": 874, + "stationary": 6838, + "stationed": 5977, + "stations": 3599, + "statue": 1836, + "statues": 1578, + "stature": 4563, + "statute": 6504, + "stay": 1068, + "staying": 7849, + "steady": 769, + "steak": 7237, + "steal": 7238, + "stealing": 5493, + "steam": 7239, + "steamboat": 3955, + "steamed": 251, + "steaming": 1052, + "steams": 4324, + "steel": 2659, + "steep": 2662, + "steeple": 7301, + "steeples": 8681, + "steer": 2663, + "steering": 7091, + "steers": 6151, + "steet": 2661, + "stem": 5315, + "stemmed": 7562, + "stems": 2978, + "step": 5316, + "stepped": 7914, + "stepping": 7750, + "steps": 2262, + "stereo": 1733, + "sterile": 2156, + "stern": 23, + "stethoscope": 7291, + "steve": 4280, + "stevens": 5130, + "stew": 5317, + "stick": 8609, + "sticker": 7254, + "stickers": 7377, + "sticking": 4189, + "sticks": 3439, + "sticky": 3441, + "still": 4343, + "stillness": 98, + "stilts": 2361, + "stir": 1392, + "stir-fry": 2118, + "stirred": 1616, + "stirring": 6562, + "stirs": 3689, + "stitched": 8706, + "stnading": 6916, + "stock": 8146, + "stocked": 4793, + "stocking": 3366, + "stockings": 5669, + "stomach": 2799, + "stomachs": 6177, + "stone": 6846, + "stoned": 4230, + "stones": 4228, + "stony": 6852, + "stood": 3631, + "stooges": 1147, + "stool": 3632, + "stools": 5180, + "stoop": 3633, + "stooping": 747, + "stoops": 1243, + "stop": 3378, + "stoplight": 3123, + "stoplights": 1136, + "stopped": 5188, + "stopping": 548, + "stops": 7032, + "storage": 3021, + "store": 1933, + "stored": 1594, + "storefront": 7983, + "storefronts": 1939, + "stores": 1593, + "stories": 5921, + "storing": 4782, + "stork": 1931, + "storm": 3094, + "stormy": 1288, + "story": 1928, + "stove": 6506, + "stoves": 1464, + "stovetop": 2977, + "straddling": 1534, + "straight": 4744, + "straightening": 5667, + "strain": 1317, + "strainer": 454, + "straining": 2654, + "strand": 6883, + "stranded": 5957, + "strands": 6430, + "strange": 5419, + "strangely": 5055, + "strap": 6044, + "strapped": 3204, + "strapping": 7584, + "straps": 8185, + "strategically": 6457, + "straw": 6043, + "strawberries": 1061, + "strawberry": 3610, + "straws": 3308, + "stray": 6042, + "streak": 8449, + "streaking": 2493, + "streaks": 2924, + "stream": 8450, + "streamers": 7392, + "streaming": 4265, + "streamlined": 2682, + "streams": 4876, + "stree": 1501, + "street": 3894, + "streetcar": 2894, + "streetlight": 4591, + "streetlights": 373, + "streets": 831, + "stret": 1504, + "stretch": 6814, + "stretched": 7897, + "stretches": 7895, + "stretching": 3991, + "strewn": 2160, + "strike": 4406, + "strikes": 5726, + "striking": 2938, + "string": 3459, + "strings": 3028, + "strip": 5723, + "stripe": 1469, + "striped": 8208, + "stripes": 8202, + "stripped": 1488, + "strips": 1467, + "stroke": 2849, + "strokes": 7577, + "stroll": 776, + "stroller": 3756, + "strolling": 2449, + "strolls": 1275, + "strong": 3041, + "structure": 1345, + "structures": 6763, + "struggles": 3786, + "struggling": 3670, + "strung": 1369, + "struts": 3364, + "stucco": 2087, + "stuck": 1729, + "student": 6532, + "students": 3616, + "studies": 2300, + "studio": 5549, + "study": 5214, + "studying": 2668, + "stuff": 511, + "stuffed": 4590, + "stuffing": 520, + "stuffs": 8247, + "stump": 7585, + "stumps": 5447, + "stunning": 2093, + "stunt": 801, + "stunts": 8165, + "style": 6340, + "styled": 8557, + "styles": 8555, + "styling": 7949, + "stylish": 7004, + "stylized": 1791, + "stylus": 328, + "styrofoam": 509, + "sub": 1882, + "subject": 5543, + "submarine": 6112, + "submerged": 2022, + "subs": 1211, + "substance": 4482, + "suburban": 3621, + "subway": 2294, + "successful": 2164, + "successfully": 6137, + "such": 6733, + "sucking": 6343, + "suckles": 1749, + "suckling": 6380, + "sugar": 5531, + "sugared": 2691, + "sugary": 7341, + "suit": 4774, + "suitcase": 3612, + "suitcases": 222, + "suite": 5771, + "suited": 5209, + "suites": 5204, + "suits": 5335, + "sum": 1884, + "summer": 6828, + "summit": 2595, + "sumo": 1472, + "sun": 1883, + "sunbathers": 1888, + "sunbathing": 2306, + "sundae": 3481, + "sunday": 3482, + "sundown": 7596, + "sunflower": 3414, + "sunflowers": 4337, + "sunglasses": 3966, + "sunk": 5745, + "sunken": 7021, + "sunlight": 1728, + "sunlit": 2146, + "sunning": 7981, + "sunny": 375, + "sunrise": 8472, + "sunset": 2959, + "sunshine": 3392, + "super": 7793, + "supermarket": 2377, + "supplies": 1627, + "supply": 3713, + "support": 4516, + "supported": 5081, + "supporting": 2884, + "supports": 6487, + "supreme": 8263, + "surboard": 826, + "sure": 1799, + "surf": 1798, + "surface": 1026, + "surfaces": 1812, + "surfboard": 7645, + "surfboarder": 1364, + "surfboarders": 4023, + "surfboarding": 2711, + "surfboards": 6804, + "surfer": 3634, + "surfers": 3477, + "surfing": 183, + "surfs": 3259, + "surgery": 2370, + "surgical": 4168, + "surprise": 3354, + "surprised": 7000, + "surround": 4018, + "surrounded": 5250, + "surrounding": 8286, + "surroundings": 6509, + "surrounds": 7571, + "surveying": 429, + "susan": 2950, + "sushi": 7773, + "suspended": 5645, + "suspenders": 8680, + "suspension": 188, + "sustenance": 7639, + "suv": 1886, + "swaddled": 7739, + "swamp": 3751, + "swampy": 1372, + "swan": 1077, + "swans": 8467, + "sweat": 4307, + "sweater": 3425, + "sweaters": 5600, + "sweating": 1241, + "sweatpants": 7386, + "sweatshirt": 8167, + "sweaty": 446, + "sweeper": 7380, + "sweeping": 3072, + "sweet": 1958, + "sweets": 7572, + "swerving": 6302, + "swift": 6517, + "swiftly": 6933, + "swim": 799, + "swimmer": 1580, + "swimmers": 2733, + "swimming": 544, + "swims": 7229, + "swimsuit": 2485, + "swimsuits": 8246, + "swimwear": 2811, + "swing": 6209, + "swinging": 5415, + "swings": 6045, + "swirl": 2588, + "swirled": 4288, + "swirling": 6068, + "swirls": 6298, + "swirly": 6300, + "swiss": 5866, + "switch": 7853, + "switching": 5666, + "sword": 3211, + "swords": 8569, + "swung": 6331, + "sydney": 4755, + "symbol": 8574, + "symbols": 1530, + "syrup": 8639, + "system": 4843, + "systems": 854, + "t": 5185, + "t-ball": 3410, + "t-shirt": 4777, + "t-shirts": 2314, + "t.v": 3060, + "tab": 8140, + "tabby": 6944, + "tabe": 7598, + "table": 4347, + "tablecloth": 1252, + "tables": 6407, + "tablet": 6408, + "tabletop": 8268, + "tablets": 736, + "tack": 2037, + "tacks": 1383, + "taco": 2039, + "tacos": 5594, + "tag": 8743, + "tagged": 2910, + "tagging": 4931, + "tags": 6318, + "taht": 1411, + "tail": 4669, + "tailed": 6011, + "tailgate": 5449, + "tails": 5114, + "take": 2358, + "take-off": 7443, + "take-out": 3608, + "taken": 5062, + "takeoff": 4046, + "takeout": 4687, + "takes": 5224, + "taking": 5970, + "talbe": 19, + "talbot": 157, + "tale": 5624, + "talk": 5626, + "talkie": 6545, + "talking": 3950, + "talks": 3623, + "tall": 5625, + "taller": 3280, + "tan": 8744, + "tandem": 5610, + "tangerine": 7557, + "tangerines": 1220, + "tangle": 7217, + "tangled": 751, + "tank": 3394, + "tanker": 379, + "tankless": 8626, + "tanks": 1752, + "tanning": 8491, + "tape": 506, + "taped": 7703, + "tapes": 7701, + "tapestry": 2466, + "tapping": 7767, + "taps": 501, + "tar": 8742, + "target": 7221, + "tarmac": 3819, + "tarp": 7023, + "tarps": 4236, + "tart": 7024, + "tartar": 7790, + "tarts": 8490, + "task": 1473, + "tasks": 4552, + "taste": 1860, + "tastefully": 4409, + "tastes": 2357, + "tasting": 418, + "tasty": 1861, + "tater": 5971, + "tattered": 3777, + "tattoo": 521, + "tattooed": 5571, + "tattoos": 7978, + "taught": 3350, + "tavern": 2797, + "taxi": 793, + "taxidermy": 856, + "taxiing": 8134, + "taxing": 5881, + "taxis": 4715, + "te": 4672, + "tea": 4182, + "teach": 7439, + "teacher": 708, + "teachers": 6040, + "teaches": 707, + "teaching": 7681, + "teacup": 6802, + "teal": 2295, + "team": 2296, + "teammate": 6252, + "teammates": 4079, + "teams": 1567, + "teapot": 8380, + "tear": 2292, + "tearing": 8137, + "tech": 64, + "technological": 3999, + "technology": 244, + "ted": 4183, + "teddy": 2383, + "teddybear": 8301, + "tee": 4184, + "tee-shirt": 2846, + "teen": 6894, + "teenage": 1240, + "teenaged": 6124, + "teenager": 6127, + "teenagers": 2065, + "teens": 2375, + "teeshirt": 1592, + "teeth": 5591, + "teh": 4180, + "telephone": 8533, + "telephones": 5237, + "telescope": 45, + "television": 5136, + "televisions": 5152, + "tell": 3332, + "telling": 950, + "tells": 1135, + "temperature": 4218, + "temple": 7005, + "temporary": 3139, + "tempting": 4429, + "ten": 4181, + "tend": 1010, + "tended": 3704, + "tending": 7333, + "tends": 4266, + "tennis": 7346, + "tent": 1011, + "tents": 4838, + "teresa": 67, + "terminal": 504, + "terminals": 8018, + "terrace": 3500, + "terrain": 5406, + "terrible": 7462, + "terrier": 5928, + "territory": 7493, + "test": 4136, + "tested": 311, + "testing": 7098, + "tether": 2155, + "tethered": 1879, + "texas": 3504, + "text": 8197, + "textbook": 4524, + "texting": 5762, + "texts": 4191, + "textured": 2756, + "th": 4671, + "thai": 7349, + "thames": 7961, + "than": 7351, + "thank": 7855, + "thanksgiving": 498, + "that": 59, + "thatch": 3776, + "thatched": 5223, + "thats": 452, + "the": 2835, + "theater": 351, + "theatre": 3418, + "thee": 2782, + "their": 3939, + "them": 2781, + "theme": 2229, + "themed": 7810, + "themes": 7811, + "themself": 1890, + "themselves": 3775, + "then": 2780, + "ther": 2785, + "there": 1857, + "theres": 4251, + "thermometer": 4097, + "thermos": 3185, + "these": 5166, + "they": 2784, + "thick": 4989, + "thicket": 1563, + "thigh": 473, + "thin": 7063, + "thing": 5641, + "things": 6662, + "think": 5642, + "thinking": 7387, + "thinks": 2405, + "thinly": 6007, + "third": 1102, + "thirteen": 2641, + "this": 7060, + "thomas": 3698, + "thorny": 3494, + "thorough": 1671, + "those": 3624, + "though": 6093, + "thought": 8233, + "thoughtful": 827, + "thousands": 8782, + "thre": 3466, + "thread": 8633, + "three": 7764, + "threw": 7765, + "through": 1398, + "throughout": 3716, + "throw": 5194, + "throwing": 7487, + "thrown": 7441, + "throws": 4216, + "thru": 3468, + "thumb": 6742, + "thumbs": 6122, + "thumbs-up": 783, + "tiara": 738, + "ticket": 8595, + "tickets": 7169, + "tide": 3813, + "tidy": 3811, + "tie": 8418, + "tied": 7073, + "tier": 7075, + "tiered": 1461, + "tiers": 8794, + "ties": 7076, + "tiger": 6256, + "tigers": 2280, + "tight": 4656, + "tightly": 2307, + "tights": 6637, + "tiki": 226, + "tile": 3485, + "tiled": 5535, + "tiles": 5533, + "tiling": 5894, + "tilted": 1918, + "tilting": 223, + "tilts": 5840, + "tim": 8416, + "time": 6701, + "time-lapse": 3872, + "timer": 992, + "times": 993, + "timey": 991, + "tin": 8417, + "tinfoil": 1904, + "ting": 1163, + "tins": 1158, + "tinsel": 4665, + "tint": 7150, + "tinted": 8451, + "tiny": 1162, + "tip": 8415, + "tipped": 4070, + "tipping": 7225, + "tips": 7697, + "tire": 5395, + "tired": 6570, + "tires": 6572, + "tissue": 660, + "tissues": 5446, + "title": 7359, + "titled": 3628, + "to": 4668, + "toa": 6081, + "toast": 7235, + "toasted": 6664, + "toaster": 6663, + "toasters": 8769, + "toasting": 4883, + "today": 1767, + "toddler": 2034, + "toddlers": 1439, + "toe": 6082, + "toes": 1889, + "tofu": 926, + "toga": 4248, + "together": 2871, + "toiled": 8567, + "toiler": 7125, + "toilet": 8566, + "toiletries": 1395, + "toiletry": 4697, + "toilets": 6541, + "toilette": 6642, + "tokyo": 3187, + "toliet": 5263, + "toll": 7176, + "tomato": 4821, + "tomatoe": 4713, + "tomatoes": 6528, + "tomatos": 4712, + "ton": 6079, + "tone": 656, + "toned": 7409, + "tones": 7411, + "tongs": 883, + "tongue": 5436, + "tonight": 494, + "tons": 657, + "too": 6080, + "took": 3943, + "tool": 3941, + "toolbox": 1680, + "tools": 7051, + "tooth": 7354, + "toothbrush": 8366, + "toothbrushes": 1023, + "toothpaste": 2384, + "toothpick": 2873, + "toothpicks": 1723, + "top": 6076, + "toped": 1170, + "topless": 6021, + "topped": 5068, + "topper": 5069, + "topping": 114, + "toppings": 7663, + "tops": 2250, + "torches": 3027, + "torn": 4576, + "toronto": 7220, + "torso": 2415, + "tortilla": 227, + "tortillas": 8428, + "tortoiseshell": 6584, + "toss": 7801, + "tossed": 549, + "tosses": 553, + "tossing": 2988, + "tot": 6078, + "totally": 3579, + "tote": 6840, + "toting": 5969, + "tots": 6843, + "touch": 380, + "touched": 6633, + "touches": 6628, + "touching": 3505, + "tour": 1298, + "touring": 7095, + "tourist": 6059, + "tourists": 7589, + "tournament": 2286, + "tours": 6880, + "tow": 6077, + "toward": 879, + "towards": 3100, + "towed": 2564, + "towel": 1845, + "towels": 3981, + "tower": 1848, + "towering": 7455, + "towers": 2897, + "towing": 1730, + "town": 3644, + "towns": 2543, + "tows": 3648, + "toy": 6075, + "toyota": 7509, + "toys": 5222, + "tp": 4667, + "track": 7880, + "tracks": 834, + "tractor": 3528, + "tractors": 3042, + "trade": 6910, + "traditional": 1941, + "traffic": 256, + "trail": 5918, + "trailer": 3075, + "trailers": 4035, + "trailing": 4354, + "trails": 160, + "train": 7080, + "trained": 7438, + "trainer": 665, + "trainers": 3622, + "training": 6752, + "trains": 2396, + "tram": 8759, + "trams": 1650, + "tranquil": 1590, + "transformed": 2841, + "transit": 3641, + "transparent": 7084, + "transport": 2726, + "transportation": 3465, + "transported": 141, + "transporting": 6103, + "transports": 2745, + "trapped": 876, + "trash": 8572, + "trashcan": 6704, + "trashcans": 3261, + "travel": 29, + "traveled": 1926, + "traveler": 1927, + "travelers": 6554, + "traveling": 6450, + "travelling": 2482, + "travels": 3078, + "traversing": 2304, + "tray": 8760, + "trays": 6520, + "treading": 6566, + "treat": 7634, + "treats": 3958, + "tree": 4437, + "tree-lined": 8100, + "treed": 3110, + "trees": 3108, + "treetops": 1412, + "trek": 4434, + "trekking": 4594, + "treks": 823, + "trellis": 325, + "trench": 4178, + "tress": 1695, + "trestle": 7388, + "trey": 383, + "trial": 2890, + "triangle": 1945, + "triangles": 136, + "triangular": 1059, + "trick": 5168, + "tricks": 286, + "tricky": 285, + "tricycle": 6708, + "tried": 7446, + "tries": 750, + "trike": 4848, + "trim": 8411, + "trimmed": 2047, + "trimming": 1190, + "trimmings": 6831, + "trinkets": 7389, + "trio": 8412, + "trip": 3694, + "triple": 6985, + "tripod": 7952, + "triumph": 4934, + "triumphantly": 5690, + "troll": 198, + "trolley": 3888, + "trolleys": 7542, + "trolly": 1419, + "trombone": 4500, + "troop": 1148, + "trooper": 5795, + "trophies": 2904, + "trophy": 7275, + "tropical": 784, + "trot": 1805, + "trots": 1094, + "trotting": 4383, + "trouble": 7297, + "trough": 5337, + "truck": 6738, + "trucked": 1048, + "trucking": 3166, + "trucks": 6199, + "true": 5063, + "truly": 5154, + "trumpet": 2623, + "trunk": 7431, + "trunks": 6201, + "try": 2490, + "trying": 3010, + "tshirt": 6869, + "tub": 3558, + "tub/shower": 4276, + "tube": 2406, + "tubes": 884, + "tubs": 2407, + "tuck": 7904, + "tucked": 1260, + "tucks": 2821, + "tug": 3559, + "tugboat": 7290, + "tugging": 1284, + "tulips": 6203, + "tummy": 1952, + "tun": 3557, + "tuna": 6665, + "tundra": 174, + "tunnel": 8138, + "tupperware": 1468, + "turban": 4313, + "turbine": 4695, + "turbines": 944, + "turbulent": 8785, + "turf": 1789, + "turkey": 1821, + "turkeys": 1570, + "turn": 1788, + "turned": 211, + "turning": 7734, + "turnips": 5747, + "turns": 699, + "turquoise": 4000, + "turtle": 6746, + "tusk": 5079, + "tusked": 5602, + "tusks": 7348, + "tux": 3556, + "tuxedo": 1764, + "tuxedos": 1573, + "tv": 4666, + "tvs": 262, + "tweezers": 6039, + "twelve": 804, + "twenty": 3683, + "twig": 2381, + "twigs": 8531, + "twilight": 4577, + "twin": 5706, + "twine": 2605, + "twins": 2606, + "twirling": 6550, + "twist": 3305, + "twisted": 7740, + "twisting": 324, + "twists": 6824, + "two": 5763, + "two-story": 1820, + "two-tiered": 607, + "twp": 5765, + "tying": 2167, + "type": 3331, + "types": 4416, + "typewriter": 2035, + "typical": 7331, + "typing": 2352, + "u": 1355, + "u-turn": 7534, + "u.s.": 1121, + "ugly": 1168, + "uhaul": 1339, + "uk": 4781, + "ultimate": 1282, + "ultra": 3043, + "umbrealla": 933, + "umbrella": 7579, + "umbrellas": 2057, + "ump": 2266, + "umpire": 8527, + "un": 4780, + "unable": 5014, + "unattended": 2469, + "unaware": 6711, + "unbaked": 752, + "unclear": 2089, + "uncomfortable": 8122, + "uncooked": 3316, + "uncovered": 1863, + "uncut": 4222, + "under": 6032, + "underbrush": 5331, + "undergoing": 7721, + "underground": 5420, + "underneath": 6197, + "underpass": 6014, + "underside": 6056, + "understand": 3720, + "underwater": 8751, + "underway": 3003, + "underwear": 3514, + "undone": 4179, + "uneaten": 3452, + "unfinished": 1005, + "unfolded": 897, + "unfurnished": 6882, + "unhappy": 5823, + "unicorn": 1181, + "unidentifiable": 5798, + "unidentified": 4052, + "uniform": 5087, + "uniformed": 5404, + "uniforms": 4226, + "union": 83, + "unique": 2258, + "uniquely": 7436, + "unison": 4340, + "unit": 6586, + "united": 4305, + "units": 4206, + "university": 979, + "unkempt": 7214, + "unknown": 2058, + "unlit": 5501, + "unload": 7965, + "unloaded": 745, + "unloading": 5869, + "unmade": 1528, + "unoccupied": 7100, + "unopened": 7899, + "unpacked": 8811, + "unpainted": 8365, + "unpaved": 8672, + "unpeeled": 6521, + "unplugged": 2717, + "unripe": 8433, + "unripened": 7969, + "unseen": 7652, + "untidy": 5210, + "untied": 1903, + "until": 6589, + "untouched": 385, + "unused": 6934, + "unusual": 3595, + "unusually": 7282, + "unwrapped": 8655, + "unzipped": 1649, + "up": 4779, + "upcoming": 5917, + "updated": 7682, + "uphill": 714, + "upholstered": 1397, + "upon": 7131, + "upper": 7303, + "upright": 7883, + "ups": 2197, + "upscale": 4485, + "upset": 7606, + "upside": 1645, + "upside-down": 4478, + "upstairs": 4700, + "upturned": 7267, + "upward": 3225, + "upwards": 4387, + "urban": 1424, + "urinal": 3071, + "urinals": 8612, + "urinating": 4933, + "urine": 5241, + "urn": 1003, + "urns": 3304, + "us": 2369, + "usa": 4292, + "usage": 2103, + "usb": 4291, + "use": 7326, + "used": 3138, + "user": 3141, + "users": 2002, + "uses": 1125, + "using": 4749, + "usual": 4320, + "usually": 5093, + "utensil": 2053, + "utensils": 6524, + "utilitarian": 3993, + "utility": 7666, + "utilizing": 4881, + "v": 2885, + "vacant": 2395, + "vacation": 2385, + "vacuum": 4638, + "vader": 4725, + "valentine": 1414, + "valentines": 5578, + "valley": 8563, + "valleys": 1482, + "valves": 1500, + "van": 4321, + "vancouver": 4568, + "vandalized": 7827, + "vane": 5858, + "vanilla": 8802, + "vanity": 7785, + "vans": 5854, + "variations": 3873, + "varied": 1521, + "varieties": 6735, + "variety": 2743, + "various": 8674, + "varying": 4038, + "vase": 5456, + "vases": 730, + "vast": 5457, + "vaulted": 1200, + "vcr": 4317, + "vegan": 8617, + "vegetable": 7776, + "vegetables": 6016, + "vegetarian": 5218, + "vegetated": 6012, + "vegetation": 4331, + "veggie": 6617, + "veggies": 4954, + "vegitables": 1968, + "vegtables": 5186, + "vehicle": 7554, + "vehicles": 4654, + "vehicular": 1548, + "veil": 4923, + "vein": 4924, + "velvet": 5495, + "vending": 1329, + "vendor": 6411, + "vendors": 4271, + "venice": 5217, + "vent": 8216, + "ventilation": 1117, + "vents": 4967, + "venturing": 5950, + "venue": 8284, + "verdant": 3889, + "version": 1887, + "vertical": 4613, + "vertically": 1328, + "very": 3033, + "vespa": 5165, + "vespas": 1859, + "vessel": 5287, + "vessels": 2788, + "vest": 2450, + "vests": 916, + "via": 6890, + "vibrant": 1599, + "vice": 6440, + "vicinity": 5113, + "victoria": 2217, + "victorian": 3384, + "victory": 3927, + "video": 444, + "videogame": 1374, + "videos": 3613, + "vie": 6891, + "view": 8784, + "viewed": 7104, + "viewer": 7102, + "viewing": 6993, + "viewpoint": 8507, + "views": 7859, + "vigorously": 1745, + "villa": 7825, + "village": 1961, + "vine": 8048, + "vines": 7416, + "vineyard": 1245, + "vintage": 8808, + "vinyl": 3513, + "violet": 8786, + "violin": 4487, + "virgin": 6149, + "virtual": 3878, + "visible": 3903, + "vision": 228, + "visit": 1244, + "visiting": 8050, + "visitor": 3373, + "visitors": 4099, + "visor": 3252, + "vista": 7804, + "vitamin": 7762, + "vitamins": 2529, + "vivid": 8534, + "vodka": 7716, + "volkswagen": 5191, + "volkswagon": 7192, + "volley": 2693, + "volleyball": 4692, + "volunteer": 5984, + "volunteers": 7079, + "vote": 5492, + "vultures": 7107, + "vw": 4889, + "vying": 510, + "w": 2497, + "wade": 6855, + "wades": 400, + "wading": 3234, + "wafer": 433, + "waffle": 6065, + "waffles": 4857, + "wagging": 1778, + "wagon": 6198, + "wagons": 2750, + "waist": 1253, + "wait": 7830, + "waiter": 1269, + "waiters": 4284, + "waiting": 8724, + "waitress": 8173, + "waits": 4515, + "wake": 1309, + "wakeboard": 1084, + "wakeboarder": 1777, + "wakeboarding": 4277, + "waking": 5345, + "waling": 2608, + "walk": 6519, + "walk-in": 2346, + "walked": 2594, + "walker": 2596, + "walkers": 5502, + "walkie": 7183, + "walking": 3829, + "walks": 6870, + "walkway": 7954, + "walkways": 8308, + "wall": 6518, + "wall-mounted": 6813, + "walled": 3472, + "wallet": 3473, + "wallets": 1751, + "wallpaper": 7090, + "wallpapered": 881, + "walls": 3669, + "walnut": 977, + "walnuts": 3511, + "wand": 27, + "wander": 2642, + "wandering": 210, + "wanders": 6241, + "want": 28, + "wanting": 6777, + "wants": 236, + "war": 5059, + "ward": 5471, + "wardrobe": 6086, + "ware": 6705, + "warehouse": 5586, + "wares": 7067, + "waring": 7167, + "warm": 5469, + "warmer": 7656, + "warming": 2100, + "warmly": 4711, + "warms": 6695, + "warning": 7905, + "warns": 7691, + "warped": 1128, + "wars": 6697, + "was": 5058, + "wash": 2201, + "washbasin": 214, + "washed": 3934, + "washer": 3936, + "washes": 5749, + "washing": 1367, + "washington": 5439, + "washroom": 3032, + "waste": 7128, + "wastebasket": 1959, + "watch": 1525, + "watched": 280, + "watches": 279, + "watching": 6512, + "water": 8435, + "watercraft": 6653, + "watered": 953, + "waterfall": 3411, + "waterfront": 5480, + "waterhole": 5983, + "watering": 5467, + "watermelon": 1145, + "watermelons": 571, + "waters": 8149, + "waterside": 6396, + "waterskiing": 6564, + "waterway": 789, + "watery": 8147, + "wave": 948, + "waves": 4689, + "waving": 284, + "wavy": 949, + "wax": 5057, + "waxed": 8608, + "waxing": 7960, + "way": 5056, + "wayland": 8078, + "ways": 8514, + "we": 5015, + "weapon": 3848, + "wear": 6107, + "wearing": 7751, + "wears": 1154, + "weather": 2123, + "weathered": 7796, + "weathervane": 3910, + "weaving": 8833, + "web": 531, + "webpage": 186, + "website": 5554, + "wed": 532, + "wedding": 5859, + "wedge": 462, + "wedged": 3144, + "wedges": 3146, + "weed": 1833, + "weeds": 338, + "weight": 1919, + "weird": 4057, + "welcome": 5074, + "well": 5422, + "well-dressed": 5683, + "well-furnished": 7792, + "well-kept": 1173, + "well-lit": 8444, + "well-made": 1964, + "well-organized": 2061, + "went": 7732, + "were": 3526, + "west": 235, + "western": 3944, + "wet": 533, + "wet-suit": 910, + "wetsuit": 5544, + "wetsuits": 5106, + "whale": 6534, + "wharf": 7561, + "what": 6312, + "whats": 5579, + "wheat": 5189, + "wheel": 3928, + "wheelchair": 2320, + "wheelchairs": 8071, + "wheeled": 2544, + "wheeler": 2541, + "wheelie": 6795, + "wheeling": 6378, + "wheels": 7368, + "when": 1737, + "where": 6800, + "whether": 6560, + "which": 6501, + "while": 7495, + "whimsical": 5757, + "whine": 5219, + "whip": 6608, + "whipped": 7365, + "whirlpool": 8468, + "whisk": 7170, + "whiskers": 8575, + "whiskey": 1219, + "whit": 6607, + "white": 8485, + "white-tiled": 5075, + "whiteboard": 4771, + "whites": 7946, + "whizzes": 6049, + "who": 2069, + "whole": 2532, + "wholly": 3796, + "whom": 8682, + "whose": 5454, + "why": 2070, + "wi": 5016, + "wicker": 4555, + "wide": 8488, + "wide-eyed": 3877, + "widescreen": 1585, + "widow": 1006, + "width": 2276, + "wielding": 2372, + "wiener": 5243, + "wife": 1868, + "wig": 5352, + "wih": 5355, + "wiht": 4498, + "wii": 5354, + "wii-mote": 573, + "wiimote": 8452, + "wild": 8806, + "wildebeest": 5086, + "wildebeests": 1855, + "wilderness": 2122, + "wildflowers": 7499, + "wildlife": 2571, + "wildly": 8340, + "wile": 8807, + "will": 8804, + "wilted": 7878, + "wilting": 4176, + "win": 5353, + "wind": 2181, + "winding": 7874, + "windmill": 44, + "windmills": 345, + "window": 2919, + "windowed": 1251, + "windows": 7527, + "windowsill": 437, + "winds": 2011, + "windshield": 1108, + "windsurfer": 946, + "windsurfers": 3805, + "windsurfing": 8170, + "windsurfs": 7127, + "windup": 6114, + "windy": 2009, + "wine": 2182, + "wineglass": 4268, + "wineglasses": 6260, + "winery": 5064, + "wines": 7580, + "wing": 2180, + "winged": 5784, + "wings": 5310, + "winking": 6294, + "winner": 7612, + "winners": 3781, + "winnie": 2719, + "winning": 1363, + "winter": 2312, + "wintery": 1213, + "wintry": 7284, + "wiped": 5761, + "wipes": 8410, + "wiping": 3606, + "wire": 7116, + "wired": 248, + "wireless": 6153, + "wires": 245, + "wiring": 4625, + "wispy": 7261, + "wit": 5356, + "with": 272, + "witha": 3113, + "withe": 3112, + "within": 5322, + "without": 1838, + "witting": 4045, + "wizard": 3181, + "wok": 3120, + "wolf": 5196, + "woman": 4174, + "womans": 4133, + "women": 5605, + "won": 3119, + "wonder": 1293, + "wonderful": 5256, + "wonderland": 6415, + "wood": 8504, + "wood-paneled": 6492, + "wooded": 6, + "wooden": 8, + "woodland": 1319, + "woods": 0, + "woodsy": 7445, + "woody": 2, + "wool": 8505, + "woolly": 499, + "wooly": 326, + "word": 7187, + "wording": 368, + "words": 8462, + "work": 7188, + "workbench": 2078, + "worked": 4483, + "worker": 4481, + "workers": 6409, + "working": 173, + "workings": 8386, + "works": 3856, + "workshop": 5687, + "workspace": 3820, + "workstation": 5235, + "world": 257, + "worn": 7189, + "worshiping": 1400, + "would": 1632, + "woven": 5083, + "wrap": 4513, + "wrapped": 997, + "wrapper": 995, + "wrappers": 4626, + "wrapping": 7179, + "wraps": 372, + "wreath": 5280, + "wreaths": 7370, + "wreck": 5459, + "wrecked": 1373, + "wrench": 2475, + "wrenches": 3339, + "wrestle": 6443, + "wrestler": 6327, + "wrestling": 2014, + "wrinkled": 413, + "wrist": 2038, + "write": 7324, + "writes": 4727, + "writing": 8323, + "writings": 2140, + "written": 1807, + "wrong": 203, + "wrote": 1949, + "wrought": 4418, + "wth": 6643, + "wtih": 8739, + "x": 989, + "xbox": 7272, + "y": 3730, + "yacht": 6161, + "yachts": 5516, + "yak": 5412, + "yaks": 7394, + "yamaha": 667, + "yankee": 6555, + "yankees": 7504, + "yard": 1545, + "yarn": 590, + "yawning": 6741, + "yawns": 2647, + "year": 748, + "years": 187, + "yelling": 3424, + "yellow": 2142, + "yellowish": 7070, + "yells": 4841, + "yes": 1185, + "yet": 1186, + "yield": 3507, + "yoga": 282, + "yogurt": 4469, + "york": 8765, + "you": 7414, + "young": 4792, + "younger": 8420, + "youngster": 3220, + "youngsters": 912, + "your": 7402, + "youth": 8027, + "youths": 6599, + "yummy": 3456, + "zebra": 4077, + "zebras": 2215, + "zip": 7408, + "zippered": 4621, + "zipping": 3964, + "zombie": 1983, + "zombies": 1196, + "zone": 2876, + "zones": 3381, + "zoo": 215, + "zookeeper": 645, + "zoomed": 4941, + "zooms": 8253, + "zucchini": 5815 +} \ No newline at end of file diff --git a/scenes/chainer-caption/data/env.yml b/scenes/chainer-caption/data/env.yml new file mode 100644 index 0000000..8301f52 --- /dev/null +++ b/scenes/chainer-caption/data/env.yml @@ -0,0 +1,78 @@ +name: null +channels: + - defaults +dependencies: + - backports=1.0=py27_1 + - backports.functools_lru_cache=1.5=py27_1 + - backports_abc=0.5=py27_0 + - blas=1.0=mkl + - ca-certificates=2019.1.23=0 + - certifi=2019.3.9=py27_0 + - cycler=0.10.0=py27_0 + - dbus=1.13.6=h746ee38_0 + - expat=2.2.6=he6710b0_0 + - fontconfig=2.13.0=h9420a91_0 + - freetype=2.9.1=h8a8886c_1 + - functools32=3.2.3.2=py27_1 + - futures=3.2.0=py27_0 + - glib=2.56.2=hd408876_0 + - gst-plugins-base=1.14.0=hbbd80ab_1 + - gstreamer=1.14.0=hb453b48_1 + - icu=58.2=h9c2bf20_1 + - intel-openmp=2019.3=199 + - jpeg=9b=h024ee3a_2 + - kiwisolver=1.0.1=py27hf484d3e_0 + - libedit=3.1.20181209=hc058e9b_0 + - libffi=3.2.1=hd88cf55_4 + - libgcc-ng=8.2.0=hdf63c60_1 + - libgfortran-ng=7.3.0=hdf63c60_0 + - libpng=1.6.36=hbc83047_0 + - libstdcxx-ng=8.2.0=hdf63c60_1 + - libtiff=4.0.10=h2733197_2 + - libuuid=1.0.3=h1bed415_2 + - libxcb=1.13=h1bed415_1 + - libxml2=2.9.9=he19cac6_0 + - matplotlib=2.2.3=py27hb69df0a_0 + - mkl=2019.3=199 + - mkl_fft=1.0.10=py27ha843d7b_0 + - mkl_random=1.0.2=py27hd81dba3_0 + - ncurses=6.1=he6710b0_1 + - numpy=1.16.2=py27h7e9f1db_0 + - numpy-base=1.16.2=py27hde5b4d6_0 + - olefile=0.46=py27_0 + - openssl=1.1.1b=h7b6447c_1 + - pandas=0.24.2=py27he6710b0_0 + - pcre=8.43=he6710b0_0 + - pillow=5.4.1=py27h34e0f95_0 + - pip=19.0.3=py27_0 + - pyparsing=2.3.1=py27_0 + - pyqt=5.9.2=py27h05f1152_2 + - python=2.7.16=h9bab390_0 + - python-dateutil=2.8.0=py27_0 + - pytz=2018.9=py27_0 + - qt=5.9.7=h5867ecd_1 + - readline=7.0=h7b6447c_5 + - scipy=1.2.1=py27h7c811a0_0 + - setuptools=40.8.0=py27_0 + - singledispatch=3.4.0.3=py27_0 + - sip=4.19.8=py27hf484d3e_0 + - six=1.12.0=py27_0 + - sqlite=3.27.2=h7b6447c_0 + - subprocess32=3.5.3=py27h7b6447c_0 + - tk=8.6.8=hbc83047_0 + - tornado=5.1.1=py27h7b6447c_0 + - wheel=0.33.1=py27_0 + - xz=5.2.4=h14c3975_4 + - zlib=1.2.11=h7b6447c_3 + - zstd=1.3.7=h0b5b093_0 + - pip: + - chainer==1.24.0 + - cupy==2.0.0 + - fastrlock==0.4 + - filelock==3.0.10 + - h5py==2.9.0 + - nltk==3.4 + - nose==1.3.7 + - protobuf==3.7.1 +prefix: /u/stsutsui/gpu/public-repos/chainer-caption-github/conda + diff --git a/scenes/chainer-caption/data/synset_words.txt b/scenes/chainer-caption/data/synset_words.txt new file mode 100644 index 0000000..a9e8c7f --- /dev/null +++ b/scenes/chainer-caption/data/synset_words.txt @@ -0,0 +1,1000 @@ +n01440764 tench, Tinca tinca +n01443537 goldfish, Carassius auratus +n01484850 great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias +n01491361 tiger shark, Galeocerdo cuvieri +n01494475 hammerhead, hammerhead shark +n01496331 electric ray, crampfish, numbfish, torpedo +n01498041 stingray +n01514668 cock +n01514859 hen +n01518878 ostrich, Struthio camelus +n01530575 brambling, Fringilla montifringilla +n01531178 goldfinch, Carduelis carduelis +n01532829 house finch, linnet, Carpodacus mexicanus +n01534433 junco, snowbird +n01537544 indigo bunting, indigo finch, indigo bird, Passerina cyanea +n01558993 robin, American robin, Turdus migratorius +n01560419 bulbul +n01580077 jay +n01582220 magpie +n01592084 chickadee +n01601694 water ouzel, dipper +n01608432 kite +n01614925 bald eagle, American eagle, Haliaeetus leucocephalus +n01616318 vulture +n01622779 great grey owl, great gray owl, Strix nebulosa +n01629819 European fire salamander, Salamandra salamandra +n01630670 common newt, Triturus vulgaris +n01631663 eft +n01632458 spotted salamander, Ambystoma maculatum +n01632777 axolotl, mud puppy, Ambystoma mexicanum +n01641577 bullfrog, Rana catesbeiana +n01644373 tree frog, tree-frog +n01644900 tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui +n01664065 loggerhead, loggerhead turtle, Caretta caretta +n01665541 leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea +n01667114 mud turtle +n01667778 terrapin +n01669191 box turtle, box tortoise +n01675722 banded gecko +n01677366 common iguana, iguana, Iguana iguana +n01682714 American chameleon, anole, Anolis carolinensis +n01685808 whiptail, whiptail lizard +n01687978 agama +n01688243 frilled lizard, Chlamydosaurus kingi +n01689811 alligator lizard +n01692333 Gila monster, Heloderma suspectum +n01693334 green lizard, Lacerta viridis +n01694178 African chameleon, Chamaeleo chamaeleon +n01695060 Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis +n01697457 African crocodile, Nile crocodile, Crocodylus niloticus +n01698640 American alligator, Alligator mississipiensis +n01704323 triceratops +n01728572 thunder snake, worm snake, Carphophis amoenus +n01728920 ringneck snake, ring-necked snake, ring snake +n01729322 hognose snake, puff adder, sand viper +n01729977 green snake, grass snake +n01734418 king snake, kingsnake +n01735189 garter snake, grass snake +n01737021 water snake +n01739381 vine snake +n01740131 night snake, Hypsiglena torquata +n01742172 boa constrictor, Constrictor constrictor +n01744401 rock python, rock snake, Python sebae +n01748264 Indian cobra, Naja naja +n01749939 green mamba +n01751748 sea snake +n01753488 horned viper, cerastes, sand viper, horned asp, Cerastes cornutus +n01755581 diamondback, diamondback rattlesnake, Crotalus adamanteus +n01756291 sidewinder, horned rattlesnake, Crotalus cerastes +n01768244 trilobite +n01770081 harvestman, daddy longlegs, Phalangium opilio +n01770393 scorpion +n01773157 black and gold garden spider, Argiope aurantia +n01773549 barn spider, Araneus cavaticus +n01773797 garden spider, Aranea diademata +n01774384 black widow, Latrodectus mactans +n01774750 tarantula +n01775062 wolf spider, hunting spider +n01776313 tick +n01784675 centipede +n01795545 black grouse +n01796340 ptarmigan +n01797886 ruffed grouse, partridge, Bonasa umbellus +n01798484 prairie chicken, prairie grouse, prairie fowl +n01806143 peacock +n01806567 quail +n01807496 partridge +n01817953 African grey, African gray, Psittacus erithacus +n01818515 macaw +n01819313 sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita +n01820546 lorikeet +n01824575 coucal +n01828970 bee eater +n01829413 hornbill +n01833805 hummingbird +n01843065 jacamar +n01843383 toucan +n01847000 drake +n01855032 red-breasted merganser, Mergus serrator +n01855672 goose +n01860187 black swan, Cygnus atratus +n01871265 tusker +n01872401 echidna, spiny anteater, anteater +n01873310 platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus +n01877812 wallaby, brush kangaroo +n01882714 koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus +n01883070 wombat +n01910747 jellyfish +n01914609 sea anemone, anemone +n01917289 brain coral +n01924916 flatworm, platyhelminth +n01930112 nematode, nematode worm, roundworm +n01943899 conch +n01944390 snail +n01945685 slug +n01950731 sea slug, nudibranch +n01955084 chiton, coat-of-mail shell, sea cradle, polyplacophore +n01968897 chambered nautilus, pearly nautilus, nautilus +n01978287 Dungeness crab, Cancer magister +n01978455 rock crab, Cancer irroratus +n01980166 fiddler crab +n01981276 king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica +n01983481 American lobster, Northern lobster, Maine lobster, Homarus americanus +n01984695 spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish +n01985128 crayfish, crawfish, crawdad, crawdaddy +n01986214 hermit crab +n01990800 isopod +n02002556 white stork, Ciconia ciconia +n02002724 black stork, Ciconia nigra +n02006656 spoonbill +n02007558 flamingo +n02009229 little blue heron, Egretta caerulea +n02009912 American egret, great white heron, Egretta albus +n02011460 bittern +n02012849 crane +n02013706 limpkin, Aramus pictus +n02017213 European gallinule, Porphyrio porphyrio +n02018207 American coot, marsh hen, mud hen, water hen, Fulica americana +n02018795 bustard +n02025239 ruddy turnstone, Arenaria interpres +n02027492 red-backed sandpiper, dunlin, Erolia alpina +n02028035 redshank, Tringa totanus +n02033041 dowitcher +n02037110 oystercatcher, oyster catcher +n02051845 pelican +n02056570 king penguin, Aptenodytes patagonica +n02058221 albatross, mollymawk +n02066245 grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus +n02071294 killer whale, killer, orca, grampus, sea wolf, Orcinus orca +n02074367 dugong, Dugong dugon +n02077923 sea lion +n02085620 Chihuahua +n02085782 Japanese spaniel +n02085936 Maltese dog, Maltese terrier, Maltese +n02086079 Pekinese, Pekingese, Peke +n02086240 Shih-Tzu +n02086646 Blenheim spaniel +n02086910 papillon +n02087046 toy terrier +n02087394 Rhodesian ridgeback +n02088094 Afghan hound, Afghan +n02088238 basset, basset hound +n02088364 beagle +n02088466 bloodhound, sleuthhound +n02088632 bluetick +n02089078 black-and-tan coonhound +n02089867 Walker hound, Walker foxhound +n02089973 English foxhound +n02090379 redbone +n02090622 borzoi, Russian wolfhound +n02090721 Irish wolfhound +n02091032 Italian greyhound +n02091134 whippet +n02091244 Ibizan hound, Ibizan Podenco +n02091467 Norwegian elkhound, elkhound +n02091635 otterhound, otter hound +n02091831 Saluki, gazelle hound +n02092002 Scottish deerhound, deerhound +n02092339 Weimaraner +n02093256 Staffordshire bullterrier, Staffordshire bull terrier +n02093428 American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier +n02093647 Bedlington terrier +n02093754 Border terrier +n02093859 Kerry blue terrier +n02093991 Irish terrier +n02094114 Norfolk terrier +n02094258 Norwich terrier +n02094433 Yorkshire terrier +n02095314 wire-haired fox terrier +n02095570 Lakeland terrier +n02095889 Sealyham terrier, Sealyham +n02096051 Airedale, Airedale terrier +n02096177 cairn, cairn terrier +n02096294 Australian terrier +n02096437 Dandie Dinmont, Dandie Dinmont terrier +n02096585 Boston bull, Boston terrier +n02097047 miniature schnauzer +n02097130 giant schnauzer +n02097209 standard schnauzer +n02097298 Scotch terrier, Scottish terrier, Scottie +n02097474 Tibetan terrier, chrysanthemum dog +n02097658 silky terrier, Sydney silky +n02098105 soft-coated wheaten terrier +n02098286 West Highland white terrier +n02098413 Lhasa, Lhasa apso +n02099267 flat-coated retriever +n02099429 curly-coated retriever +n02099601 golden retriever +n02099712 Labrador retriever +n02099849 Chesapeake Bay retriever +n02100236 German short-haired pointer +n02100583 vizsla, Hungarian pointer +n02100735 English setter +n02100877 Irish setter, red setter +n02101006 Gordon setter +n02101388 Brittany spaniel +n02101556 clumber, clumber spaniel +n02102040 English springer, English springer spaniel +n02102177 Welsh springer spaniel +n02102318 cocker spaniel, English cocker spaniel, cocker +n02102480 Sussex spaniel +n02102973 Irish water spaniel +n02104029 kuvasz +n02104365 schipperke +n02105056 groenendael +n02105162 malinois +n02105251 briard +n02105412 kelpie +n02105505 komondor +n02105641 Old English sheepdog, bobtail +n02105855 Shetland sheepdog, Shetland sheep dog, Shetland +n02106030 collie +n02106166 Border collie +n02106382 Bouvier des Flandres, Bouviers des Flandres +n02106550 Rottweiler +n02106662 German shepherd, German shepherd dog, German police dog, alsatian +n02107142 Doberman, Doberman pinscher +n02107312 miniature pinscher +n02107574 Greater Swiss Mountain dog +n02107683 Bernese mountain dog +n02107908 Appenzeller +n02108000 EntleBucher +n02108089 boxer +n02108422 bull mastiff +n02108551 Tibetan mastiff +n02108915 French bulldog +n02109047 Great Dane +n02109525 Saint Bernard, St Bernard +n02109961 Eskimo dog, husky +n02110063 malamute, malemute, Alaskan malamute +n02110185 Siberian husky +n02110341 dalmatian, coach dog, carriage dog +n02110627 affenpinscher, monkey pinscher, monkey dog +n02110806 basenji +n02110958 pug, pug-dog +n02111129 Leonberg +n02111277 Newfoundland, Newfoundland dog +n02111500 Great Pyrenees +n02111889 Samoyed, Samoyede +n02112018 Pomeranian +n02112137 chow, chow chow +n02112350 keeshond +n02112706 Brabancon griffon +n02113023 Pembroke, Pembroke Welsh corgi +n02113186 Cardigan, Cardigan Welsh corgi +n02113624 toy poodle +n02113712 miniature poodle +n02113799 standard poodle +n02113978 Mexican hairless +n02114367 timber wolf, grey wolf, gray wolf, Canis lupus +n02114548 white wolf, Arctic wolf, Canis lupus tundrarum +n02114712 red wolf, maned wolf, Canis rufus, Canis niger +n02114855 coyote, prairie wolf, brush wolf, Canis latrans +n02115641 dingo, warrigal, warragal, Canis dingo +n02115913 dhole, Cuon alpinus +n02116738 African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus +n02117135 hyena, hyaena +n02119022 red fox, Vulpes vulpes +n02119789 kit fox, Vulpes macrotis +n02120079 Arctic fox, white fox, Alopex lagopus +n02120505 grey fox, gray fox, Urocyon cinereoargenteus +n02123045 tabby, tabby cat +n02123159 tiger cat +n02123394 Persian cat +n02123597 Siamese cat, Siamese +n02124075 Egyptian cat +n02125311 cougar, puma, catamount, mountain lion, painter, panther, Felis concolor +n02127052 lynx, catamount +n02128385 leopard, Panthera pardus +n02128757 snow leopard, ounce, Panthera uncia +n02128925 jaguar, panther, Panthera onca, Felis onca +n02129165 lion, king of beasts, Panthera leo +n02129604 tiger, Panthera tigris +n02130308 cheetah, chetah, Acinonyx jubatus +n02132136 brown bear, bruin, Ursus arctos +n02133161 American black bear, black bear, Ursus americanus, Euarctos americanus +n02134084 ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus +n02134418 sloth bear, Melursus ursinus, Ursus ursinus +n02137549 mongoose +n02138441 meerkat, mierkat +n02165105 tiger beetle +n02165456 ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle +n02167151 ground beetle, carabid beetle +n02168699 long-horned beetle, longicorn, longicorn beetle +n02169497 leaf beetle, chrysomelid +n02172182 dung beetle +n02174001 rhinoceros beetle +n02177972 weevil +n02190166 fly +n02206856 bee +n02219486 ant, emmet, pismire +n02226429 grasshopper, hopper +n02229544 cricket +n02231487 walking stick, walkingstick, stick insect +n02233338 cockroach, roach +n02236044 mantis, mantid +n02256656 cicada, cicala +n02259212 leafhopper +n02264363 lacewing, lacewing fly +n02268443 dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk +n02268853 damselfly +n02276258 admiral +n02277742 ringlet, ringlet butterfly +n02279972 monarch, monarch butterfly, milkweed butterfly, Danaus plexippus +n02280649 cabbage butterfly +n02281406 sulphur butterfly, sulfur butterfly +n02281787 lycaenid, lycaenid butterfly +n02317335 starfish, sea star +n02319095 sea urchin +n02321529 sea cucumber, holothurian +n02325366 wood rabbit, cottontail, cottontail rabbit +n02326432 hare +n02328150 Angora, Angora rabbit +n02342885 hamster +n02346627 porcupine, hedgehog +n02356798 fox squirrel, eastern fox squirrel, Sciurus niger +n02361337 marmot +n02363005 beaver +n02364673 guinea pig, Cavia cobaya +n02389026 sorrel +n02391049 zebra +n02395406 hog, pig, grunter, squealer, Sus scrofa +n02396427 wild boar, boar, Sus scrofa +n02397096 warthog +n02398521 hippopotamus, hippo, river horse, Hippopotamus amphibius +n02403003 ox +n02408429 water buffalo, water ox, Asiatic buffalo, Bubalus bubalis +n02410509 bison +n02412080 ram, tup +n02415577 bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis +n02417914 ibex, Capra ibex +n02422106 hartebeest +n02422699 impala, Aepyceros melampus +n02423022 gazelle +n02437312 Arabian camel, dromedary, Camelus dromedarius +n02437616 llama +n02441942 weasel +n02442845 mink +n02443114 polecat, fitch, foulmart, foumart, Mustela putorius +n02443484 black-footed ferret, ferret, Mustela nigripes +n02444819 otter +n02445715 skunk, polecat, wood pussy +n02447366 badger +n02454379 armadillo +n02457408 three-toed sloth, ai, Bradypus tridactylus +n02480495 orangutan, orang, orangutang, Pongo pygmaeus +n02480855 gorilla, Gorilla gorilla +n02481823 chimpanzee, chimp, Pan troglodytes +n02483362 gibbon, Hylobates lar +n02483708 siamang, Hylobates syndactylus, Symphalangus syndactylus +n02484975 guenon, guenon monkey +n02486261 patas, hussar monkey, Erythrocebus patas +n02486410 baboon +n02487347 macaque +n02488291 langur +n02488702 colobus, colobus monkey +n02489166 proboscis monkey, Nasalis larvatus +n02490219 marmoset +n02492035 capuchin, ringtail, Cebus capucinus +n02492660 howler monkey, howler +n02493509 titi, titi monkey +n02493793 spider monkey, Ateles geoffroyi +n02494079 squirrel monkey, Saimiri sciureus +n02497673 Madagascar cat, ring-tailed lemur, Lemur catta +n02500267 indri, indris, Indri indri, Indri brevicaudatus +n02504013 Indian elephant, Elephas maximus +n02504458 African elephant, Loxodonta africana +n02509815 lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens +n02510455 giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca +n02514041 barracouta, snoek +n02526121 eel +n02536864 coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch +n02606052 rock beauty, Holocanthus tricolor +n02607072 anemone fish +n02640242 sturgeon +n02641379 gar, garfish, garpike, billfish, Lepisosteus osseus +n02643566 lionfish +n02655020 puffer, pufferfish, blowfish, globefish +n02666196 abacus +n02667093 abaya +n02669723 academic gown, academic robe, judge's robe +n02672831 accordion, piano accordion, squeeze box +n02676566 acoustic guitar +n02687172 aircraft carrier, carrier, flattop, attack aircraft carrier +n02690373 airliner +n02692877 airship, dirigible +n02699494 altar +n02701002 ambulance +n02704792 amphibian, amphibious vehicle +n02708093 analog clock +n02727426 apiary, bee house +n02730930 apron +n02747177 ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin +n02749479 assault rifle, assault gun +n02769748 backpack, back pack, knapsack, packsack, rucksack, haversack +n02776631 bakery, bakeshop, bakehouse +n02777292 balance beam, beam +n02782093 balloon +n02783161 ballpoint, ballpoint pen, ballpen, Biro +n02786058 Band Aid +n02787622 banjo +n02788148 bannister, banister, balustrade, balusters, handrail +n02790996 barbell +n02791124 barber chair +n02791270 barbershop +n02793495 barn +n02794156 barometer +n02795169 barrel, cask +n02797295 barrow, garden cart, lawn cart, wheelbarrow +n02799071 baseball +n02802426 basketball +n02804414 bassinet +n02804610 bassoon +n02807133 bathing cap, swimming cap +n02808304 bath towel +n02808440 bathtub, bathing tub, bath, tub +n02814533 beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon +n02814860 beacon, lighthouse, beacon light, pharos +n02815834 beaker +n02817516 bearskin, busby, shako +n02823428 beer bottle +n02823750 beer glass +n02825657 bell cote, bell cot +n02834397 bib +n02835271 bicycle-built-for-two, tandem bicycle, tandem +n02837789 bikini, two-piece +n02840245 binder, ring-binder +n02841315 binoculars, field glasses, opera glasses +n02843684 birdhouse +n02859443 boathouse +n02860847 bobsled, bobsleigh, bob +n02865351 bolo tie, bolo, bola tie, bola +n02869837 bonnet, poke bonnet +n02870880 bookcase +n02871525 bookshop, bookstore, bookstall +n02877765 bottlecap +n02879718 bow +n02883205 bow tie, bow-tie, bowtie +n02892201 brass, memorial tablet, plaque +n02892767 brassiere, bra, bandeau +n02894605 breakwater, groin, groyne, mole, bulwark, seawall, jetty +n02895154 breastplate, aegis, egis +n02906734 broom +n02909870 bucket, pail +n02910353 buckle +n02916936 bulletproof vest +n02917067 bullet train, bullet +n02927161 butcher shop, meat market +n02930766 cab, hack, taxi, taxicab +n02939185 caldron, cauldron +n02948072 candle, taper, wax light +n02950826 cannon +n02951358 canoe +n02951585 can opener, tin opener +n02963159 cardigan +n02965783 car mirror +n02966193 carousel, carrousel, merry-go-round, roundabout, whirligig +n02966687 carpenter's kit, tool kit +n02971356 carton +n02974003 car wheel +n02977058 cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM +n02978881 cassette +n02979186 cassette player +n02980441 castle +n02981792 catamaran +n02988304 CD player +n02992211 cello, violoncello +n02992529 cellular telephone, cellular phone, cellphone, cell, mobile phone +n02999410 chain +n03000134 chainlink fence +n03000247 chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour +n03000684 chain saw, chainsaw +n03014705 chest +n03016953 chiffonier, commode +n03017168 chime, bell, gong +n03018349 china cabinet, china closet +n03026506 Christmas stocking +n03028079 church, church building +n03032252 cinema, movie theater, movie theatre, movie house, picture palace +n03041632 cleaver, meat cleaver, chopper +n03042490 cliff dwelling +n03045698 cloak +n03047690 clog, geta, patten, sabot +n03062245 cocktail shaker +n03063599 coffee mug +n03063689 coffeepot +n03065424 coil, spiral, volute, whorl, helix +n03075370 combination lock +n03085013 computer keyboard, keypad +n03089624 confectionery, confectionary, candy store +n03095699 container ship, containership, container vessel +n03100240 convertible +n03109150 corkscrew, bottle screw +n03110669 cornet, horn, trumpet, trump +n03124043 cowboy boot +n03124170 cowboy hat, ten-gallon hat +n03125729 cradle +n03126707 crane +n03127747 crash helmet +n03127925 crate +n03131574 crib, cot +n03133878 Crock Pot +n03134739 croquet ball +n03141823 crutch +n03146219 cuirass +n03160309 dam, dike, dyke +n03179701 desk +n03180011 desktop computer +n03187595 dial telephone, dial phone +n03188531 diaper, nappy, napkin +n03196217 digital clock +n03197337 digital watch +n03201208 dining table, board +n03207743 dishrag, dishcloth +n03207941 dishwasher, dish washer, dishwashing machine +n03208938 disk brake, disc brake +n03216828 dock, dockage, docking facility +n03218198 dogsled, dog sled, dog sleigh +n03220513 dome +n03223299 doormat, welcome mat +n03240683 drilling platform, offshore rig +n03249569 drum, membranophone, tympan +n03250847 drumstick +n03255030 dumbbell +n03259280 Dutch oven +n03271574 electric fan, blower +n03272010 electric guitar +n03272562 electric locomotive +n03290653 entertainment center +n03291819 envelope +n03297495 espresso maker +n03314780 face powder +n03325584 feather boa, boa +n03337140 file, file cabinet, filing cabinet +n03344393 fireboat +n03345487 fire engine, fire truck +n03347037 fire screen, fireguard +n03355925 flagpole, flagstaff +n03372029 flute, transverse flute +n03376595 folding chair +n03379051 football helmet +n03384352 forklift +n03388043 fountain +n03388183 fountain pen +n03388549 four-poster +n03393912 freight car +n03394916 French horn, horn +n03400231 frying pan, frypan, skillet +n03404251 fur coat +n03417042 garbage truck, dustcart +n03424325 gasmask, respirator, gas helmet +n03425413 gas pump, gasoline pump, petrol pump, island dispenser +n03443371 goblet +n03444034 go-kart +n03445777 golf ball +n03445924 golfcart, golf cart +n03447447 gondola +n03447721 gong, tam-tam +n03450230 gown +n03452741 grand piano, grand +n03457902 greenhouse, nursery, glasshouse +n03459775 grille, radiator grille +n03461385 grocery store, grocery, food market, market +n03467068 guillotine +n03476684 hair slide +n03476991 hair spray +n03478589 half track +n03481172 hammer +n03482405 hamper +n03483316 hand blower, blow dryer, blow drier, hair dryer, hair drier +n03485407 hand-held computer, hand-held microcomputer +n03485794 handkerchief, hankie, hanky, hankey +n03492542 hard disc, hard disk, fixed disk +n03494278 harmonica, mouth organ, harp, mouth harp +n03495258 harp +n03496892 harvester, reaper +n03498962 hatchet +n03527444 holster +n03529860 home theater, home theatre +n03530642 honeycomb +n03532672 hook, claw +n03534580 hoopskirt, crinoline +n03535780 horizontal bar, high bar +n03538406 horse cart, horse-cart +n03544143 hourglass +n03584254 iPod +n03584829 iron, smoothing iron +n03590841 jack-o'-lantern +n03594734 jean, blue jean, denim +n03594945 jeep, landrover +n03595614 jersey, T-shirt, tee shirt +n03598930 jigsaw puzzle +n03599486 jinrikisha, ricksha, rickshaw +n03602883 joystick +n03617480 kimono +n03623198 knee pad +n03627232 knot +n03630383 lab coat, laboratory coat +n03633091 ladle +n03637318 lampshade, lamp shade +n03642806 laptop, laptop computer +n03649909 lawn mower, mower +n03657121 lens cap, lens cover +n03658185 letter opener, paper knife, paperknife +n03661043 library +n03662601 lifeboat +n03666591 lighter, light, igniter, ignitor +n03670208 limousine, limo +n03673027 liner, ocean liner +n03676483 lipstick, lip rouge +n03680355 Loafer +n03690938 lotion +n03691459 loudspeaker, speaker, speaker unit, loudspeaker system, speaker system +n03692522 loupe, jeweler's loupe +n03697007 lumbermill, sawmill +n03706229 magnetic compass +n03709823 mailbag, postbag +n03710193 mailbox, letter box +n03710637 maillot +n03710721 maillot, tank suit +n03717622 manhole cover +n03720891 maraca +n03721384 marimba, xylophone +n03724870 mask +n03729826 matchstick +n03733131 maypole +n03733281 maze, labyrinth +n03733805 measuring cup +n03742115 medicine chest, medicine cabinet +n03743016 megalith, megalithic structure +n03759954 microphone, mike +n03761084 microwave, microwave oven +n03763968 military uniform +n03764736 milk can +n03769881 minibus +n03770439 miniskirt, mini +n03770679 minivan +n03773504 missile +n03775071 mitten +n03775546 mixing bowl +n03776460 mobile home, manufactured home +n03777568 Model T +n03777754 modem +n03781244 monastery +n03782006 monitor +n03785016 moped +n03786901 mortar +n03787032 mortarboard +n03788195 mosque +n03788365 mosquito net +n03791053 motor scooter, scooter +n03792782 mountain bike, all-terrain bike, off-roader +n03792972 mountain tent +n03793489 mouse, computer mouse +n03794056 mousetrap +n03796401 moving van +n03803284 muzzle +n03804744 nail +n03814639 neck brace +n03814906 necklace +n03825788 nipple +n03832673 notebook, notebook computer +n03837869 obelisk +n03838899 oboe, hautboy, hautbois +n03840681 ocarina, sweet potato +n03841143 odometer, hodometer, mileometer, milometer +n03843555 oil filter +n03854065 organ, pipe organ +n03857828 oscilloscope, scope, cathode-ray oscilloscope, CRO +n03866082 overskirt +n03868242 oxcart +n03868863 oxygen mask +n03871628 packet +n03873416 paddle, boat paddle +n03874293 paddlewheel, paddle wheel +n03874599 padlock +n03876231 paintbrush +n03877472 pajama, pyjama, pj's, jammies +n03877845 palace +n03884397 panpipe, pandean pipe, syrinx +n03887697 paper towel +n03888257 parachute, chute +n03888605 parallel bars, bars +n03891251 park bench +n03891332 parking meter +n03895866 passenger car, coach, carriage +n03899768 patio, terrace +n03902125 pay-phone, pay-station +n03903868 pedestal, plinth, footstall +n03908618 pencil box, pencil case +n03908714 pencil sharpener +n03916031 perfume, essence +n03920288 Petri dish +n03924679 photocopier +n03929660 pick, plectrum, plectron +n03929855 pickelhaube +n03930313 picket fence, paling +n03930630 pickup, pickup truck +n03933933 pier +n03935335 piggy bank, penny bank +n03937543 pill bottle +n03938244 pillow +n03942813 ping-pong ball +n03944341 pinwheel +n03947888 pirate, pirate ship +n03950228 pitcher, ewer +n03954731 plane, carpenter's plane, woodworking plane +n03956157 planetarium +n03958227 plastic bag +n03961711 plate rack +n03967562 plow, plough +n03970156 plunger, plumber's helper +n03976467 Polaroid camera, Polaroid Land camera +n03976657 pole +n03977966 police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria +n03980874 poncho +n03982430 pool table, billiard table, snooker table +n03983396 pop bottle, soda bottle +n03991062 pot, flowerpot +n03992509 potter's wheel +n03995372 power drill +n03998194 prayer rug, prayer mat +n04004767 printer +n04005630 prison, prison house +n04008634 projectile, missile +n04009552 projector +n04019541 puck, hockey puck +n04023962 punching bag, punch bag, punching ball, punchball +n04026417 purse +n04033901 quill, quill pen +n04033995 quilt, comforter, comfort, puff +n04037443 racer, race car, racing car +n04039381 racket, racquet +n04040759 radiator +n04041544 radio, wireless +n04044716 radio telescope, radio reflector +n04049303 rain barrel +n04065272 recreational vehicle, RV, R.V. +n04067472 reel +n04069434 reflex camera +n04070727 refrigerator, icebox +n04074963 remote control, remote +n04081281 restaurant, eating house, eating place, eatery +n04086273 revolver, six-gun, six-shooter +n04090263 rifle +n04099969 rocking chair, rocker +n04111531 rotisserie +n04116512 rubber eraser, rubber, pencil eraser +n04118538 rugby ball +n04118776 rule, ruler +n04120489 running shoe +n04125021 safe +n04127249 safety pin +n04131690 saltshaker, salt shaker +n04133789 sandal +n04136333 sarong +n04141076 sax, saxophone +n04141327 scabbard +n04141975 scale, weighing machine +n04146614 school bus +n04147183 schooner +n04149813 scoreboard +n04152593 screen, CRT screen +n04153751 screw +n04154565 screwdriver +n04162706 seat belt, seatbelt +n04179913 sewing machine +n04192698 shield, buckler +n04200800 shoe shop, shoe-shop, shoe store +n04201297 shoji +n04204238 shopping basket +n04204347 shopping cart +n04208210 shovel +n04209133 shower cap +n04209239 shower curtain +n04228054 ski +n04229816 ski mask +n04235860 sleeping bag +n04238763 slide rule, slipstick +n04239074 sliding door +n04243546 slot, one-armed bandit +n04251144 snorkel +n04252077 snowmobile +n04252225 snowplow, snowplough +n04254120 soap dispenser +n04254680 soccer ball +n04254777 sock +n04258138 solar dish, solar collector, solar furnace +n04259630 sombrero +n04263257 soup bowl +n04264628 space bar +n04265275 space heater +n04266014 space shuttle +n04270147 spatula +n04273569 speedboat +n04275548 spider web, spider's web +n04277352 spindle +n04285008 sports car, sport car +n04286575 spotlight, spot +n04296562 stage +n04310018 steam locomotive +n04311004 steel arch bridge +n04311174 steel drum +n04317175 stethoscope +n04325704 stole +n04326547 stone wall +n04328186 stopwatch, stop watch +n04330267 stove +n04332243 strainer +n04335435 streetcar, tram, tramcar, trolley, trolley car +n04336792 stretcher +n04344873 studio couch, day bed +n04346328 stupa, tope +n04347754 submarine, pigboat, sub, U-boat +n04350905 suit, suit of clothes +n04355338 sundial +n04355933 sunglass +n04356056 sunglasses, dark glasses, shades +n04357314 sunscreen, sunblock, sun blocker +n04366367 suspension bridge +n04367480 swab, swob, mop +n04370456 sweatshirt +n04371430 swimming trunks, bathing trunks +n04371774 swing +n04372370 switch, electric switch, electrical switch +n04376876 syringe +n04380533 table lamp +n04389033 tank, army tank, armored combat vehicle, armoured combat vehicle +n04392985 tape player +n04398044 teapot +n04399382 teddy, teddy bear +n04404412 television, television system +n04409515 tennis ball +n04417672 thatch, thatched roof +n04418357 theater curtain, theatre curtain +n04423845 thimble +n04428191 thresher, thrasher, threshing machine +n04429376 throne +n04435653 tile roof +n04442312 toaster +n04443257 tobacco shop, tobacconist shop, tobacconist +n04447861 toilet seat +n04456115 torch +n04458633 totem pole +n04461696 tow truck, tow car, wrecker +n04462240 toyshop +n04465501 tractor +n04467665 trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi +n04476259 tray +n04479046 trench coat +n04482393 tricycle, trike, velocipede +n04483307 trimaran +n04485082 tripod +n04486054 triumphal arch +n04487081 trolleybus, trolley coach, trackless trolley +n04487394 trombone +n04493381 tub, vat +n04501370 turnstile +n04505470 typewriter keyboard +n04507155 umbrella +n04509417 unicycle, monocycle +n04515003 upright, upright piano +n04517823 vacuum, vacuum cleaner +n04522168 vase +n04523525 vault +n04525038 velvet +n04525305 vending machine +n04532106 vestment +n04532670 viaduct +n04536866 violin, fiddle +n04540053 volleyball +n04542943 waffle iron +n04548280 wall clock +n04548362 wallet, billfold, notecase, pocketbook +n04550184 wardrobe, closet, press +n04552348 warplane, military plane +n04553703 washbasin, handbasin, washbowl, lavabo, wash-hand basin +n04554684 washer, automatic washer, washing machine +n04557648 water bottle +n04560804 water jug +n04562935 water tower +n04579145 whiskey jug +n04579432 whistle +n04584207 wig +n04589890 window screen +n04590129 window shade +n04591157 Windsor tie +n04591713 wine bottle +n04592741 wing +n04596742 wok +n04597913 wooden spoon +n04599235 wool, woolen, woollen +n04604644 worm fence, snake fence, snake-rail fence, Virginia fence +n04606251 wreck +n04612504 yawl +n04613696 yurt +n06359193 web site, website, internet site, site +n06596364 comic book +n06785654 crossword puzzle, crossword +n06794110 street sign +n06874185 traffic light, traffic signal, stoplight +n07248320 book jacket, dust cover, dust jacket, dust wrapper +n07565083 menu +n07579787 plate +n07583066 guacamole +n07584110 consomme +n07590611 hot pot, hotpot +n07613480 trifle +n07614500 ice cream, icecream +n07615774 ice lolly, lolly, lollipop, popsicle +n07684084 French loaf +n07693725 bagel, beigel +n07695742 pretzel +n07697313 cheeseburger +n07697537 hotdog, hot dog, red hot +n07711569 mashed potato +n07714571 head cabbage +n07714990 broccoli +n07715103 cauliflower +n07716358 zucchini, courgette +n07716906 spaghetti squash +n07717410 acorn squash +n07717556 butternut squash +n07718472 cucumber, cuke +n07718747 artichoke, globe artichoke +n07720875 bell pepper +n07730033 cardoon +n07734744 mushroom +n07742313 Granny Smith +n07745940 strawberry +n07747607 orange +n07749582 lemon +n07753113 fig +n07753275 pineapple, ananas +n07753592 banana +n07754684 jackfruit, jak, jack +n07760859 custard apple +n07768694 pomegranate +n07802026 hay +n07831146 carbonara +n07836838 chocolate sauce, chocolate syrup +n07860988 dough +n07871810 meat loaf, meatloaf +n07873807 pizza, pizza pie +n07875152 potpie +n07880968 burrito +n07892512 red wine +n07920052 espresso +n07930864 cup +n07932039 eggnog +n09193705 alp +n09229709 bubble +n09246464 cliff, drop, drop-off +n09256479 coral reef +n09288635 geyser +n09332890 lakeside, lakeshore +n09399592 promontory, headland, head, foreland +n09421951 sandbar, sand bar +n09428293 seashore, coast, seacoast, sea-coast +n09468604 valley, vale +n09472597 volcano +n09835506 ballplayer, baseball player +n10148035 groom, bridegroom +n10565667 scuba diver +n11879895 rapeseed +n11939491 daisy +n12057211 yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum +n12144580 corn +n12267677 acorn +n12620546 hip, rose hip, rosehip +n12768682 buckeye, horse chestnut, conker +n12985857 coral fungus +n12998815 agaric +n13037406 gyromitra +n13040303 stinkhorn, carrion fungus +n13044778 earthstar +n13052670 hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa +n13054560 bolete +n13133613 ear, spike, capitulum +n15075141 toilet tissue, toilet paper, bathroom tissue diff --git a/scenes/chainer-caption/download.sh b/scenes/chainer-caption/download.sh new file mode 100644 index 0000000..bc890a2 --- /dev/null +++ b/scenes/chainer-caption/download.sh @@ -0,0 +1,42 @@ +#!/bin/bash + +cd data +if [ ! -f ResNet50.model ]; then + wget https://www.dropbox.com/s/eqdmml7kj3545sv/ResNet50.model +fi +if [ ! -f caption_en_model40.model ]; then + wget https://www.dropbox.com/s/sy4ayrvush0bqle/caption_en_model40.model +fi + +cd MSCOCO +if [ "$1" == "train" ]; then + if [ ! -f train2014_ResNet50_features.zip ]; then + wget https://www.dropbox.com/s/v3tewruak581uf3/train2014_ResNet50_features.zip + unzip train2014_ResNet50_features.zip + fi + if [ ! -f val2014_ResNet50_features.zip ]; then + wget https://www.dropbox.com/s/qi3s55vzgmkiqkh/val2014_ResNet50_features.zip + unzip val2014_ResNet50_features.zip + fi + if [ ! -f captions_train2014_cn_translation.json ]; then + wget https://github.com/apple2373/mt-mscoco/raw/master/captions_train2014_cn_translation.json.zip + unzip captions_train2014_cn_translation.json.zip + rm captions_train2014_cn_translation.json.zip + fi + if [ ! -f captions_train2014_jp_translation.json.zip ]; then + wget https://github.com/apple2373/mt-mscoco/raw/master/captions_train2014_jp_translation.json.zip + unzip captions_train2014_jp_translation.json.zip + rm captions_train2014_jp_translation.json.zip + fi + if [ ! -f yjcaptions26k_clean.json ]; then + wget https://github.com/yahoojapan/YJCaptions/raw/master/yjcaptions26k.zip + unzip yjcaptions26k.zip + rm yjcaptions26k.zip + fi + if [ ! -f captions_train2014.json ]; then + wget http://msvocds.blob.core.windows.net/annotations-1-0-3/captions_train-val2014.zip + unzip captions_train-val2014.zip + rm captions_train-val2014.zip + fi +fi + diff --git a/scenes/chainer-caption/image_captioning_interface.py b/scenes/chainer-caption/image_captioning_interface.py new file mode 100644 index 0000000..d67a38f --- /dev/null +++ b/scenes/chainer-caption/image_captioning_interface.py @@ -0,0 +1,82 @@ +#!/usr/bin/env python +# -*- coding: utf-8 -*- + +''' +Sample code to generate caption using beam search +''' +import sys +import json +import os +import cv2 +# comment out the below if you want to do type check. Remeber this have to be done BEFORE import chainer +#os.environ["CHAINER_TYPE_CHECK"] = "0" +import chainer +from PIL import Image +import argparse +import numpy as np +import math +from chainer import cuda +import chainer.functions as F +from chainer import cuda, Function, gradient_check, Variable, optimizers +from chainer import serializers + +sys.path.append('./code') +from CaptionGenerator import CaptionGenerator + +chainer.global_config.autotune = True +chainer.global_config.enable_backprop = False +chainer.global_config.type_check = False + +class image_captioning (): + def __init__(self, + rnn_model_place='./data/caption_en_model40.model', + cnn_model_place='./data/ResNet50.model', + dictonary_place='./data/MSCOCO/mscoco_caption_train2014_processed_dic.json', + beamsize=3, + depth_limit=50, + gpu_id=-1, + first_word=""): + + self.caption_generator=CaptionGenerator( + rnn_model_place=rnn_model_place, + cnn_model_place=cnn_model_place, + dictonary_place=dictonary_place, + beamsize=beamsize, + depth_limit=depth_limit, + gpu_id=gpu_id, + first_word= first_word, + ) + + def generate_from_img_nparray(self,image_array): + image_feature=self.caption_generator.cnn_model(image_array, "feature").data.reshape(1,1,2048) + return self.caption_generator.generate_from_img_feature(image_feature) + + def resize (self,image_array): + image_array = cv2.resize(image_array, dsize=(224, 224)) + image_array = cv2.cvtColor(image_array, cv2.COLOR_BGR2RGB) + pixels = np.asarray(image_array).astype(np.float32) + pixels = pixels[:,:,::-1].transpose(2,0,1) + pixels -= self.caption_generator.image_loader.mean_image + return pixels.reshape((1,) + pixels.shape) + + + def resize_img_and_generate(self,image_array): + return self.generate_from_img_nparray(self.resize(image_array)) + +#run this file for test purpose +if __name__ == '__main__': + test_image_path = "test3.jpg" + image_captioning=image_captioning() + #test generate_from_img_nparray + # np_image = image_captioning.caption_generator.image_loader.load(test_image_path) + # captions = image_captioning.generate_from_img_nparray(np_image) + # for caption in captions: + # print (" ".join(caption["sentence"])) + # print (caption["log_likelihood"]) + + #test resize_img_and_generate + image = cv2.imread(test_image_path) + captions = image_captioning.resize_img_and_generate(image) + for caption in captions: + print (" ".join(caption["sentence"])) + print (caption["log_likelihood"]) \ No newline at end of file diff --git a/scenes/chainer-caption/test3.jpg b/scenes/chainer-caption/test3.jpg new file mode 100644 index 0000000..d1aea98 Binary files /dev/null and b/scenes/chainer-caption/test3.jpg differ diff --git a/scenes/chainer-caption/test5.jpg b/scenes/chainer-caption/test5.jpg new file mode 100644 index 0000000..23bce97 Binary files /dev/null and b/scenes/chainer-caption/test5.jpg differ