shivansarora commited on
Commit
ae0ae82
·
verified ·
1 Parent(s): b4eea95

Delete ControllableComplexityChatbot-huggingface-compatible

Browse files
ControllableComplexityChatbot-huggingface-compatible/.gitattributes DELETED
@@ -1 +0,0 @@
1
- complexity_model/pytorch_model.bin filter=lfs diff=lfs merge=lfs -text
 
 
ControllableComplexityChatbot-huggingface-compatible/.gitignore DELETED
@@ -1 +0,0 @@
1
- .idea
 
 
ControllableComplexityChatbot-huggingface-compatible/README.md DELETED
@@ -1,34 +0,0 @@
1
- # About
2
- This repository contains the code, models, and data accompanying our paper on adjusting text difficulty of messages generated by open-domain chatbots.
3
-
4
- Tyen, G., Brenchley, M., Caines, A., & Buttery, P. (2022). Towards an open-domain chatbot for language practice. 17th Workshop on Innovative Use of NLP for Building Educational Applications.
5
-
6
- # Dependencies
7
- * ParlAI 1.6.0
8
- * PyTorch 1.10.2
9
- * Huggingface Transformers 4.16.2
10
- * NumPy 1.22.2
11
- * SciPy 1.8.0
12
- * Regex 2022.1.18
13
-
14
- # To run the demo:
15
- 1. Download and cd to project directory
16
- `git clone https://github.com/WHGTyen/ControllableComplexityChatbot`
17
- `cd ControllableComplexityChatbot`
18
- 2. Install pip dependencies
19
- `pip install numpy scipy regex torch transformers`
20
- 3. Clone ParlAI repository
21
- `git clone https://github.com/facebookresearch/ParlAI.git --branch 1.6.0`
22
- 4. Setup ParlAI
23
- `cd ParlAI; python setup.py develop; cd ..`
24
- 5. To run the demo:
25
- `python demo.py`
26
- 6. To adjust generation parameters, edit values in `demo.py`
27
-
28
- # Data
29
- * `sample_wordlist.txt` is the 5000 most frequent words from [this list](https://github.com/first20hours/google-10000-english/blob/d0736d492489198e4f9d650c7ab4143bc14c1e9e/google-10000-english-no-swears.txt)
30
- * `filter.txt` was taken from [this list](https://github.com/dwyl/english-words/blob/22d7c41119076750a96fca2acd664ed994cc0a75/words_alpha.txt)
31
- * `complexity_model` was trained on data from the Cambridge Exams readability dataset, found [here](https://ilexir.co.uk/datasets/index.html)
32
-
33
- # Acknowledgements
34
- This paper reports on research supported by Cambridge University Press & Assessment. This work was performed using resources provided by the Cambridge Service for Data Driven Discovery (CSD3) operated by the [University of Cambridge Research Computing Service](www.csd3.cam.ac.uk), provided by Dell EMC and Intel using Tier-2 funding from the Engineering and Physical Sciences Research Council (capital grant EP/P020259/1), and [DiRAC funding from the Science and Technology Facilities Council](www.dirac.ac.uk).
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/app.py DELETED
@@ -1,96 +0,0 @@
1
- import gradio as gr
2
- import os
3
- import json
4
- from parlai.core.opt import Opt
5
- from parlai.zoo.blender.blender_3B import download
6
- from parlai.core.agents import Agent
7
- from parlai.core.params import ParlaiParser
8
- from parlai.core.worlds import DialogPartnerWorld
9
- from controllable_blender import ControllableBlender
10
- from huggingface_hub import snapshot_download
11
-
12
- snapshot_download(repo_id="shivansarora/ControllableBlender", local_dir="ParlAI/data/models/blender/blender_3B")
13
-
14
- # Load options
15
- agent_opt = json.load(open("blender_3B.opt", 'r'))
16
- download(agent_opt["datapath"])
17
- conversation_state = {"world": None, "human_agent": None}
18
-
19
- class GradioHumanAgent(Agent):
20
- def __init__(self, opt):
21
- super().__init__(opt)
22
- self.msg = None
23
-
24
- def observe(self, msg):
25
- return msg
26
-
27
- def act(self):
28
- return {"text": self.msg, "episode_done": False}
29
-
30
-
31
- def init_world(cefr, inference_type):
32
- opt = agent_opt.copy()
33
- opt["rerank_cefr"] = cefr
34
- opt["inference"] = inference_type
35
-
36
- # Settings for rerank methods (not used if "inference" == "vocab")
37
- opt["rerank_tokenizer"] = "distilroberta-base" # Tokenizer from Huggingface Transformers. Must be compatible with "rerank_model"
38
- opt["rerank_model"] = "complexity_model" # Model fine-tuned on complexity data
39
- opt["rerank_model_device"] = "cuda" # Device for complexity model
40
- opt["penalty_stddev"] = 2 # Controls how harshly sub-tokens are penalised (lower = harsher). Use -1 to remove penalties
41
- opt["filter_path"] = "data/filter.txt" # Path to list of English words to ensure OOV words are not generated. Capitalised words are ignored. Use empty string to remove filter
42
-
43
- # Settings for vocab methods (not used if "inference" == "rerank")
44
- opt["wordlist_path"] = "data/sample_wordlist.txt" # Path to list of vocab the chatbot is restricted to
45
-
46
- # Same top-k sampling configs for all settings described in the paper
47
- opt["beam_size"] = 20
48
- opt["topk"] = 40
49
-
50
- human_agent = GradioHumanAgent(opt)
51
- model_agent = ControllableBlender(opt)
52
- world = DialogPartnerWorld(opt, [human_agent, model_agent])
53
-
54
- return human_agent, world
55
-
56
- def chat(user_input, cefr, inference_type, history):
57
- if conversation_state["world"] is None:
58
-
59
- human_agent, world = init_world(cefr, inference_type)
60
- conversation_state["world"] = world
61
- conversation_state["human_agent"] = human_agent
62
-
63
- conversation_state["human_agent"].msg = user_input
64
-
65
- conversation_state["world"].parley()
66
-
67
- bot_reply = conversation_state["world"].acts[1].get("text", "")
68
- history.append([user_input, bot_reply.strip()])
69
- return history, history
70
-
71
- def reset_chat():
72
- conversation_state["world"] = None
73
- conversation_state["human_agent"] = None
74
- return []
75
-
76
- with gr.Blocks() as demo:
77
- cefr = gr.Dropdown(["A1", "A2", "B1", "B2", "C1", "C2"], label="CEFR", value="B2")
78
- inference_type = gr.Dropdown(["rerank", "vocab"], label="Inference", value="rerank")
79
- user_input = gr.Textbox(label="your message")
80
- chatbot = gr.Chatbot(label="Controllable Complexity Chatbot")
81
- send_btn = gr.Button("Send")
82
-
83
- state = gr.State([])
84
-
85
- def user_chat(message, cefr_level, infer_type, history):
86
- # call your chat function here
87
- new_history, _ = chat(message, cefr_level, infer_type, history)
88
- return new_history, new_history
89
-
90
- send_btn.click(
91
- fn=user_chat,
92
- inputs=[user_input, cefr, inference_type, state],
93
- outputs=[chatbot, state]
94
- )
95
-
96
- demo.launch(share=True)
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/blender_3B.opt DELETED
@@ -1,144 +0,0 @@
1
- {
2
- "init_opt": null,
3
- "show_advanced_args": false,
4
- "task": "interactive",
5
- "datatype": "test",
6
- "image_mode": "raw",
7
- "numthreads": 1,
8
- "hide_labels": false,
9
- "batchsize": 128,
10
- "dynamic_batching": null,
11
- "datapath": "ParlAI/data",
12
- "model": "transformer/generator",
13
- "model_file": "ParlAI/data/models/blender/blender_3B/model",
14
- "init_model": "/checkpoint/parlai/zoo/meena/20200319_meenav0data_tall_2.7B_adamoptimizer/20200319_13.3ppl_200kupdates/model",
15
- "dict_class": "parlai.core.dict:DictionaryAgent",
16
- "evaltask": null,
17
- "eval_batchsize": null,
18
- "display_examples": false,
19
- "num_epochs": -1,
20
- "max_train_time": 27647.999999999996,
21
- "validation_every_n_secs": -1,
22
- "save_every_n_secs": -1,
23
- "save_after_valid": true,
24
- "validation_every_n_epochs": 0.25,
25
- "validation_max_exs": -1,
26
- "short_final_eval": false,
27
- "validation_patience": 10,
28
- "validation_metric": "ppl",
29
- "validation_metric_mode": "min",
30
- "validation_cutoff": 1.0,
31
- "validation_share_agent": false,
32
- "metrics": "default",
33
- "aggregate_micro": false,
34
- "tensorboard_log": false,
35
- "dict_maxexs": -1,
36
- "dict_include_valid": false,
37
- "dict_include_test": false,
38
- "log_every_n_secs": 10.0,
39
- "image_size": 256,
40
- "image_cropsize": 224,
41
- "label_type": "response",
42
- "include_knowledge": true,
43
- "include_checked_sentence": true,
44
- "include_knowledge_separator": false,
45
- "num_topics": 5,
46
- "train_experiencer_only": false,
47
- "remove_political_convos": false,
48
- "embedding_size": 2560,
49
- "n_layers": 2,
50
- "ffn_size": 10240,
51
- "dropout": 0.1,
52
- "attention_dropout": 0.0,
53
- "relu_dropout": 0.0,
54
- "n_heads": 32,
55
- "learn_positional_embeddings": false,
56
- "embeddings_scale": true,
57
- "n_positions": 128,
58
- "n_segments": 0,
59
- "variant": "prelayernorm",
60
- "activation": "gelu",
61
- "output_scaling": 1.0,
62
- "share_word_embeddings": true,
63
- "n_encoder_layers": 2,
64
- "n_decoder_layers": 24,
65
- "model_parallel": true,
66
- "beam_size": 20,
67
- "beam_min_length": 20,
68
- "beam_context_block_ngram": 3,
69
- "beam_block_ngram": 3,
70
- "beam_length_penalty": 0.65,
71
- "skip_generation": false,
72
- "inference": "topk",
73
- "topk": 40,
74
- "topp": 0.9,
75
- "beam_delay": 30,
76
- "temperature": 1.0,
77
- "compute_tokenized_bleu": false,
78
- "embedding_type": "random",
79
- "embedding_projection": "random",
80
- "fp16": true,
81
- "fp16_impl": "mem_efficient",
82
- "force_fp16_tokens": true,
83
- "optimizer": "mem_eff_adam",
84
- "learningrate": 7e-06,
85
- "gradient_clip": 0.1,
86
- "adam_eps": 1e-08,
87
- "adafactor_eps": [
88
- 1e-30,
89
- 0.001
90
- ],
91
- "momentum": 0,
92
- "nesterov": true,
93
- "nus": [
94
- 0.7
95
- ],
96
- "betas": [
97
- 0.9,
98
- 0.999
99
- ],
100
- "weight_decay": null,
101
- "rank_candidates": false,
102
- "truncate": 128,
103
- "text_truncate": 128,
104
- "label_truncate": 128,
105
- "history_size": -1,
106
- "person_tokens": false,
107
- "split_lines": false,
108
- "use_reply": "label",
109
- "add_p1_after_newln": false,
110
- "delimiter": " ",
111
- "history_add_global_end_token": "end",
112
- "gpu": -1,
113
- "no_cuda": false,
114
- "dict_file": "ParlAI/data/models/blender/blender_3B/model.dict",
115
- "dict_initpath": null,
116
- "dict_language": "english",
117
- "dict_max_ngram_size": -1,
118
- "dict_minfreq": 0,
119
- "dict_maxtokens": -1,
120
- "dict_nulltoken": "__null__",
121
- "dict_starttoken": "__start__",
122
- "dict_endtoken": "__end__",
123
- "dict_unktoken": "__unk__",
124
- "dict_tokenizer": "bytelevelbpe",
125
- "dict_lower": false,
126
- "bpe_debug": false,
127
- "dict_textfields": "text,labels",
128
- "bpe_vocab": "ParlAI/data/models/blender/blender_3B/model.dict-vocab.json",
129
- "bpe_merge": "ParlAI/data/models/blender/blender_3B/model.dict-merges.txt",
130
- "bpe_add_prefix_space": true,
131
- "lr_scheduler": "reduceonplateau",
132
- "lr_scheduler_patience": 3,
133
- "lr_scheduler_decay": 0.5,
134
- "max_lr_steps": -1,
135
- "invsqrt_lr_decay_gamma": -1,
136
- "warmup_updates": 100,
137
- "warmup_rate": 0.0001,
138
- "update_freq": 2,
139
- "parlai_home": "ParlAI/",
140
- "starttime": "Mar31_06-04",
141
- "beam_block_full_context": false,
142
- "batchindex": 127,
143
- "dict_loaded": true
144
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/complexity_model/config.json DELETED
@@ -1,32 +0,0 @@
1
- {
2
- "_name_or_path": "distilroberta-base",
3
- "architectures": [
4
- "RobertaForSequenceClassification"
5
- ],
6
- "attention_probs_dropout_prob": 0.1,
7
- "bos_token_id": 0,
8
- "eos_token_id": 2,
9
- "gradient_checkpointing": false,
10
- "hidden_act": "gelu",
11
- "hidden_dropout_prob": 0.1,
12
- "hidden_size": 768,
13
- "id2label": {
14
- "0": "LABEL_0"
15
- },
16
- "initializer_range": 0.02,
17
- "intermediate_size": 3072,
18
- "label2id": {
19
- "LABEL_0": 0
20
- },
21
- "layer_norm_eps": 1e-05,
22
- "max_position_embeddings": 514,
23
- "model_type": "roberta",
24
- "num_attention_heads": 12,
25
- "num_hidden_layers": 6,
26
- "pad_token_id": 1,
27
- "position_embedding_type": "absolute",
28
- "transformers_version": "4.5.1",
29
- "type_vocab_size": 1,
30
- "use_cache": true,
31
- "vocab_size": 50265
32
- }
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/complexity_model/pytorch_model.bin DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:4463a45e88dedd693c26e9a16830c6bc62fcf60717c8c38646ca324ddc12c0a7
3
- size 134
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/complexity_model/training_args.bin DELETED
@@ -1,3 +0,0 @@
1
- version https://git-lfs.github.com/spec/v1
2
- oid sha256:d1ec2aaba4756da99f79eab56d1d947d588b52e4c7565d971476688fc9a0df83
3
- size 2287
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/controllable_blender/__init__.py DELETED
@@ -1 +0,0 @@
1
- from .controllable_blender import ControllableBlender
 
 
ControllableComplexityChatbot-huggingface-compatible/controllable_blender/controllable_blender.py DELETED
@@ -1,107 +0,0 @@
1
- from parlai.core.opt import Opt
2
- from parlai.utils.typing import TShared
3
- from parlai.agents.transformer.transformer import TransformerGeneratorAgent
4
-
5
- from .generation_methods import VocabTopKSampling, RerankedTopKSampling
6
- from .generation_utils import Wordlist, Reranker, load_wordlist, cefr_to_int
7
-
8
- class ControllableBlender(TransformerGeneratorAgent):
9
- def __init__(self, opt: Opt, shared: TShared = None):
10
- super().__init__(opt, shared)
11
-
12
- if opt.get("inference", None) == "vocab":
13
- wordlist_path = opt.get("wordlist_path", None)
14
- assert wordlist_path, "Please provide path to vocab list, in order to use inference method 'vocab'"
15
-
16
- allowed_words = load_wordlist(wordlist_path)
17
- self.wordlist = Wordlist(allowed_words, self.dict)
18
-
19
- elif opt.get("inference", None) == "rerank":
20
- cefr = opt.get("rerank_cefr", None)
21
- assert cefr, "Please provide CEFR level, in order to use inference method 'rerank'"
22
-
23
- rerank_tokenizer = opt.get("rerank_tokenizer", None)
24
- rerank_model = opt.get("rerank_model", None)
25
- assert rerank_model, "Please provide path to directory containing model weights, in order to use inference method 'rerank'"
26
-
27
- device = opt.get("complexity_model_device", None)
28
- penalty_stddev = opt.get("penalty_stddev", None)
29
- text_truncate = opt.get("text_truncate", None)
30
-
31
- word_filter = None
32
- filter_path = opt.get("filter_path", "")
33
- if filter_path:
34
- word_filter = load_wordlist(filter_path)
35
-
36
- exempt_tokens = [self.dict.tok2ind.get(self.dict.null_token),
37
- self.dict.tok2ind.get(self.dict.start_token),
38
- self.dict.tok2ind.get(self.dict.end_token),
39
- self.dict.tok2ind.get(self.dict.unk_token)]
40
-
41
- if penalty_stddev < 0:
42
- exempt_tokens = "all"
43
-
44
- self.reranker = Reranker(cefr=cefr_to_int(cefr),
45
- model=rerank_model,
46
- tokenizer=rerank_tokenizer,
47
- device=device,
48
- text_truncate=text_truncate,
49
- exempt_tokens=exempt_tokens,
50
- penalty_stddev=penalty_stddev,
51
- vocab_size=len(self.dict),
52
- word_filter=word_filter)
53
-
54
- else:
55
- raise ValueError(f"Inference method {opt.get('inference', None)} does not exist. "
56
- f"Please use 'vocab' or 'rerank'.")
57
-
58
-
59
- def _treesearch_factory(self, device, verbose=False):
60
- method = self.opt.get('inference', 'greedy')
61
- beam_size = self.opt.get('beam_size', 1)
62
- if method == 'vocab':
63
- return VocabTopKSampling(
64
- k=self.opt.get('topk', 40),
65
- wordlist=self.wordlist,
66
- beam_size=beam_size,
67
- min_length=self.beam_min_length,
68
- block_ngram=self.beam_block_ngram,
69
- context_block_ngram=self.beam_context_block_ngram,
70
- length_penalty=self.opt.get('beam_length_penalty', 0.65),
71
- padding_token=self.NULL_IDX,
72
- bos_token=self.START_IDX,
73
- eos_token=self.END_IDX,
74
- device=device,
75
- verbose=verbose,
76
- )
77
- elif method == "rerank":
78
- return RerankedTopKSampling(
79
- k=self.opt.get('topk', 40),
80
- reranker=self.reranker,
81
- tokenids_to_text=self._v2t,
82
- beam_size=beam_size,
83
- min_length=self.beam_min_length,
84
- block_ngram=self.beam_block_ngram,
85
- context_block_ngram=self.beam_context_block_ngram,
86
- length_penalty=self.opt.get('beam_length_penalty', 0.65),
87
- padding_token=self.NULL_IDX,
88
- bos_token=self.START_IDX,
89
- eos_token=self.END_IDX,
90
- device=device,
91
- verbose=verbose,
92
- )
93
- else:
94
- return super()._treesearch_factory(device, verbose=verbose)
95
-
96
- def share(self):
97
- """
98
- Share internal states between parent and child instances.
99
- """
100
- shared = super().share()
101
- if hasattr(self, 'wordlist'):
102
- shared['wordlist'] = self.wordlist
103
- if hasattr(self, 'reranker'):
104
- shared['reranker'] = self.reranker
105
- return shared
106
-
107
-
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/controllable_blender/generation_methods.py DELETED
@@ -1,200 +0,0 @@
1
- import math
2
- from operator import attrgetter
3
- from typing import Callable
4
-
5
- import numpy as np
6
- import regex
7
- from scipy.stats import rankdata
8
-
9
- import torch
10
- from parlai.core.torch_generator_agent import TopKSampling, TreeSearch, _HypothesisTail, _PathSelection
11
- from parlai.utils.torch import neginf
12
-
13
- from .generation_utils import Reranker, Wordlist
14
-
15
- class VocabTopKSampling(TopKSampling):
16
-
17
- def __init__(self,
18
- k: int,
19
- wordlist: Wordlist,
20
- *args, **kwargs):
21
- super().__init__(*args, **kwargs)
22
- self.k = k
23
- self.wordlist = wordlist
24
-
25
- def select_paths(self, logprobs, prior_scores, current_length) -> _PathSelection:
26
- """
27
- Select the next vocabulary item in these beams.
28
- """
29
- if len(self.all_scores) > 1:
30
- for hypid in range(self.beam_size):
31
- allowed_ids = self.wordlist.get_allowed_ids(self.partial_hyps[hypid])
32
-
33
- neginf_assign = torch.ones(logprobs.shape[1], dtype=bool)
34
- neginf_assign[allowed_ids] = False
35
-
36
- logprobs[hypid, neginf_assign] = neginf(logprobs.dtype)
37
-
38
- return super().select_paths(logprobs, prior_scores, current_length)
39
-
40
-
41
- class RerankedTopKSampling(TreeSearch):
42
- def __init__(self,
43
- k: int,
44
- reranker: Reranker,
45
- tokenids_to_text: Callable,
46
- *args, **kwargs):
47
- super().__init__(*args, **kwargs)
48
- self.k = k
49
- self.reranker = reranker
50
- self.tokenids_to_text = tokenids_to_text
51
-
52
- def select_paths(self, logprobs, prior_scores, current_length) -> _PathSelection:
53
- """
54
- Select the next vocabulary item in these beams.
55
- Adapted from top-k sampling https://github.com/facebookresearch/ParlAI/blob/054a0fff8183e357727dc7a91682496734badb7f/parlai/core/torch_generator_agent.py
56
- """
57
- values, indices = logprobs.topk(self.k, dim=-1)
58
- probs = torch.softmax(values, dim=-1)
59
-
60
- all_penalties = self.reranker.token_penalties.repeat(self.beam_size, 1).to(probs.device)
61
- penalties = torch.gather(all_penalties, -1, indices)
62
- penalised_probs = torch.mul(probs, penalties)
63
-
64
- choices = torch.multinomial(penalised_probs, 1)[:, 0]
65
- hyp_ids = torch.arange(logprobs.size(0)).to(logprobs.device)
66
- tok_ids = indices[hyp_ids, choices]
67
- scores = values[hyp_ids, choices]
68
- best_scores = prior_scores.expand_as(scores) + scores
69
-
70
- token_details: Optional[List[_PathSelectionTokenDetails]] = None
71
- if self.verbose:
72
- tok_logprobs = probs[hyp_ids, choices].log().view(-1).cpu().numpy()
73
- tok_ranks = choices.view(-1).cpu().numpy()
74
- token_details = []
75
-
76
- for tok_logprob, tok_rank in zip(tok_logprobs, tok_ranks):
77
- token_details.append(
78
- {"token_logprob": tok_logprob, "token_rank": int(tok_rank)}
79
- )
80
-
81
- return _PathSelection(
82
- hypothesis_ids=hyp_ids,
83
- token_ids=tok_ids,
84
- scores=best_scores,
85
- token_details=token_details,
86
- )
87
-
88
-
89
- def get_rescored_finished(self, n_best=None):
90
- """
91
- Adapted version of code taken from https://github.com/facebookresearch/ParlAI/blob/054a0fff8183e357727dc7a91682496734badb7f/parlai/core/torch_generator_agent.py
92
- Adds complexity scoring and reranking.
93
-
94
- Original description:
95
- Return finished hypotheses according to adjusted scores.
96
- Score adjustment is done according to the Google NMT paper, which
97
- penalizes long utterances.
98
- :param n_best:
99
- number of finalized hypotheses to return
100
- :return:
101
- list of (tokens, score, token_metadata) 3-tuples, in sorted order, where:
102
- - tokens is a tensor of token ids
103
- - score is the adjusted log probability of the entire utterance
104
- - token_metadata dictionary:
105
- token_logprobs -> a tensor of conditional log probabilities of tokens
106
- token_ranks -> a tensor of ranks of tokens in vocabulator, by probability, when sampled
107
- """
108
- # if we never actually finished, force one
109
- if not self.finished:
110
- self.outputs[-1][0] = self.eos
111
- self.finished.append(
112
- _HypothesisTail(
113
- timestep=len(self.outputs) - 1,
114
- hypid=0,
115
- score=self.all_scores[-1][0],
116
- tokenid=self.outputs[-1][0],
117
- token_details=self.token_details[0][-1]
118
- if self.token_details is not None
119
- else None,
120
- )
121
- )
122
-
123
- # Calculate scores
124
- hyps_str = []
125
- length_penalties = []
126
- for finished_item in self.finished:
127
- token_ids = self._get_pretty_hypothesis(self._get_hyp_from_finished(finished_item))
128
- hyps_str.append(self.tokenids_to_text(token_ids))
129
- current_length = finished_item.timestep + 1
130
- # these weights are from Google NMT paper
131
- length_penalty = math.pow((1 + current_length) / 6, self.length_penalty)
132
- length_penalties.append(length_penalty)
133
-
134
- original_scores = []
135
- for i, finished_item in enumerate(self.finished):
136
- current_length = finished_item.timestep + 1
137
- # these weights are from Google NMT paper
138
- length_penalty = math.pow((1 + current_length) / 6, self.length_penalty)
139
- original_scores.append(finished_item.score.cpu() / length_penalty)
140
-
141
- complexity_scores = self.reranker.get_complexity_scores(hyps_str)
142
- complexity_ranks = rankdata(complexity_scores)
143
- original_ranks = rankdata(original_scores)
144
-
145
- combined_ranks = complexity_ranks + original_ranks
146
-
147
-
148
- rescored_finished = []
149
- for i, finished_item in enumerate(self.finished):
150
- score = combined_ranks[i]
151
- if "u/" in hyps_str[i] or "r/" in hyps_str[i]: # Fix for Reddit language, see paper appendix
152
- score = np.array(-1, dtype=combined_ranks.dtype)
153
-
154
- if self.reranker.word_filter:
155
- for word in regex.findall("(?<=[^\p{L}])\p{Ll}+", hyps_str[i]): # Find all non-capitalised words
156
- if word not in self.reranker.word_filter:
157
- score = np.array(-1, dtype=combined_ranks.dtype)
158
- break
159
-
160
- rescored_finished.append(
161
- _HypothesisTail(
162
- timestep=finished_item.timestep,
163
- hypid=finished_item.hypid,
164
- score=finished_item.score / length_penalty,
165
- tokenid=finished_item.tokenid,
166
- token_details=finished_item.token_details,
167
- )
168
- )
169
-
170
- # Note: beam size is almost always pretty small, so sorting is cheap enough
171
- srted = sorted(rescored_finished, key=attrgetter('score'), reverse=True)
172
-
173
- if n_best is not None:
174
- srted = srted[:n_best]
175
-
176
- n_best_list = []
177
- for hyp in srted:
178
- hyp_data = self._get_hyp_from_finished(hyp)
179
- token_ids = self._get_pretty_hypothesis(hyp_data)
180
- token_metadata = (
181
- [tok.token_details for tok in reversed(hyp_data)]
182
- if self.verbose
183
- else None
184
- )
185
- n_best_list.append((token_ids, hyp.score, token_metadata))
186
-
187
- # check that there is at least one finished candidate
188
- # and assert that each of them contains only one EOS
189
- assert (
190
- len(n_best_list) >= 1
191
- ), f'TreeSearch returned {len(n_best_list)} candidates, must be >= 1'
192
- for (pred, score, _) in n_best_list:
193
- assert (pred == self.eos).sum() == 1, (
194
- f'TreeSearch returned a finalized hypo with multiple end tokens '
195
- f'with score {score.item():.2f}'
196
- )
197
-
198
- return n_best_list
199
-
200
-
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/controllable_blender/generation_utils.py DELETED
@@ -1,196 +0,0 @@
1
- import math
2
- import os
3
- import json
4
- from typing import List, Set, Union, Optional
5
-
6
- import numpy as np
7
- import torch
8
- from parlai.core.dict import DictionaryAgent
9
- from transformers import RobertaForSequenceClassification, RobertaTokenizer
10
-
11
- def cefr_to_int(cefr: str) -> int:
12
- mapping = {
13
- "A1": 0,
14
- "A2": 1,
15
- "B1": 2,
16
- "B2": 3,
17
- "C1": 4,
18
- "C2": 5,
19
- }
20
- clean_cefr = cefr.upper().strip()
21
- assert clean_cefr in mapping, f"CEFR must be one of {list(mapping.keys())}, not {cefr}"
22
-
23
- return mapping[clean_cefr]
24
-
25
-
26
- def load_wordlist(path: str) -> List[str]:
27
- """
28
- Load a list of words from a text file containing one word per line
29
- """
30
- vocab = []
31
-
32
- if not path:
33
- return vocab
34
-
35
- assert os.path.isfile(path)
36
-
37
- with open(path, 'r', encoding="utf-8") as vocab_file:
38
- for row in vocab_file:
39
- token = row.strip()
40
- vocab.append(token)
41
-
42
- return vocab
43
-
44
-
45
- class Wordlist():
46
- def __init__(self, allowed_words: List[str], dict_agent: DictionaryAgent):
47
- self.dict_agent = dict_agent
48
-
49
- # Identify IDs that represent a word boundary and those that don't
50
- self.boundary_ids = []
51
- self.non_boundary_ids = []
52
-
53
- for idx, subtoken in dict_agent.ind2tok.items():
54
- if subtoken[0] == "\u0120" or not subtoken.isalpha():
55
- self.boundary_ids.append(idx)
56
- else:
57
- self.non_boundary_ids.append(idx)
58
-
59
- # Identify token ID sequences that are allowed words
60
- # Identify allowed continuations of sequences
61
- self.allowed_sequences = []
62
- self.allowed_continuations = {}
63
- for word in allowed_words:
64
- for word_variant in self._get_word_variants(word):
65
- token_ids = dict_agent.txt2vec(word_variant)
66
- self.allowed_sequences.append(repr(token_ids))
67
-
68
- for i, idx in enumerate(token_ids[1:]):
69
- prefix = repr(token_ids[:i + 1]) # List represented as string for lookup
70
- if prefix not in self.allowed_continuations:
71
- self.allowed_continuations[prefix] = []
72
- self.allowed_continuations[prefix].append(idx)
73
-
74
- self.allowed_sequences = set(self.allowed_sequences)
75
-
76
-
77
- def get_allowed_ids(self, token_ids: List[int]) -> List[int]:
78
- last_word = self._get_last_word(token_ids)
79
- continuation_ids = self._get_continuation_ids(last_word)
80
-
81
- return continuation_ids
82
-
83
-
84
- def _is_word(self, token_ids: List[int]) -> bool:
85
- """
86
- For a given sequence of token IDs, determine whether that sequence is a complete word
87
- """
88
- return (token_ids == [] or repr(token_ids) in self.allowed_sequences)
89
-
90
-
91
- def _get_continuation_ids(self, token_ids: List[int]) -> List[int]:
92
- """
93
- For a given sequence of last word token IDs, determine which token IDs the word can continue with
94
- """
95
- continuation_ids = []
96
- if repr(token_ids) in self.allowed_continuations:
97
- continuation_ids.extend(self.allowed_continuations[repr(token_ids)])
98
-
99
- if self._is_word(token_ids) or token_ids == []:
100
- continuation_ids.extend(self.boundary_ids)
101
-
102
- return continuation_ids
103
-
104
-
105
- def _get_last_word(self, token_ids: List[int]) -> List[int]:
106
- """
107
- Get the sequence of token IDs after the last word boundary.
108
- Assumes that a word boundary is denoted by punctuation or whitespace (Ġ).
109
- """
110
- for i in range(-1, -len(token_ids), -1):
111
- last_word = token_ids[i:]
112
- check_token = self.dict_agent[last_word[0]]
113
-
114
- if not check_token.isalpha():
115
- return last_word[1:]
116
-
117
- if check_token[0] == "Ġ":
118
- return last_word
119
-
120
- raise ValueError("Boundary token not found")
121
-
122
-
123
- def _get_word_variants(self, word: str) -> Set[str]:
124
- return {word, word.lower(), word.capitalize()}
125
-
126
-
127
-
128
- class Reranker():
129
- def __init__(self,
130
- cefr: int,
131
- model: str,
132
- tokenizer: str = "distilroberta-base",
133
- device: Optional[str] = "cuda",
134
- text_truncate: int = 128,
135
- exempt_tokens: Union[str, List[int]] = "all",
136
- penalty_stddev: int = 2,
137
- vocab_size: int = 8008,
138
- word_filter: Optional[List[str]] = None):
139
-
140
- self.tokenizer = RobertaTokenizer.from_pretrained(tokenizer)
141
- self.model = RobertaForSequenceClassification.from_pretrained(model)
142
- self.model.to(device)
143
- self.device = device
144
-
145
- self.target_cefr = cefr
146
- self.text_truncate = text_truncate
147
- self.word_filter = word_filter
148
-
149
- cefr_filepath = os.path.join(os.path.dirname(__file__), 'tokens_by_cefr.json')
150
- with open(cefr_filepath, 'r') as cefr_file:
151
- token_cefrs = json.load(cefr_file)
152
-
153
- if exempt_tokens == "all" or penalty_stddev < 0: # No penalties
154
- self.token_penalties = torch.tensor([[1] * vocab_size])
155
- else:
156
- # calculate penalties per CEFR level difference (0 = same CEFR)
157
- normal_dist = torch.distributions.normal.Normal(0, penalty_stddev)
158
- cefr_penalties = [math.exp(normal_dist.log_prob(torch.tensor(i))) for i in range(6)]
159
-
160
- token_penalties = []
161
- for i in range(vocab_size):
162
- if i in exempt_tokens:
163
- token_penalties.append(cefr_penalties[0])
164
-
165
- elif str(i) in token_cefrs:
166
- token_str, token_cefr = token_cefrs[str(i)]
167
- penalty = cefr_penalties[int(token_cefr - self.target_cefr)]
168
-
169
- if token_cefr <= self.target_cefr or not token_str.isalpha(): # ignore lower CEFR levels and punctuation/special tokens
170
- penalty = cefr_penalties[0]
171
-
172
- token_penalties.append(penalty)
173
-
174
- else: # Assume highest CEFR level if we don't have an assigned CEFR level
175
- token_penalties.append(cefr_penalties[int(5 - self.target_cefr)])
176
-
177
- self.token_penalties = torch.tensor([token_penalties])
178
-
179
- def get_complexity_scores(self, hyps: List[str]) -> np.ndarray:
180
- model_inputs = self.tokenizer(hyps,
181
- padding='max_length',
182
- truncation=True,
183
- max_length=self.text_truncate,
184
- return_tensors='pt',
185
- return_token_type_ids=True,
186
- return_attention_mask=True)
187
-
188
- model_output = self.model(input_ids=model_inputs["input_ids"].to(self.device),
189
- attention_mask=model_inputs["attention_mask"].to(self.device),
190
- token_type_ids=model_inputs["token_type_ids"].to(self.device))
191
-
192
- complexity_scores = model_output.logits.cpu().numpy().flatten()
193
- complexity_diffs = 5 - np.absolute(complexity_scores - self.target_cefr) # reversed so that higher score = better
194
-
195
- return complexity_diffs
196
-
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/controllable_blender/tokens_by_cefr.json DELETED
The diff for this file is too large to render. See raw diff
 
ControllableComplexityChatbot-huggingface-compatible/data/filter.txt DELETED
The diff for this file is too large to render. See raw diff
 
ControllableComplexityChatbot-huggingface-compatible/data/sample_wordlist.txt DELETED
@@ -1,5000 +0,0 @@
1
- the
2
- of
3
- and
4
- to
5
- a
6
- in
7
- for
8
- is
9
- on
10
- that
11
- by
12
- this
13
- with
14
- i
15
- you
16
- it
17
- not
18
- or
19
- be
20
- are
21
- from
22
- at
23
- as
24
- your
25
- all
26
- have
27
- new
28
- more
29
- an
30
- was
31
- we
32
- will
33
- home
34
- can
35
- us
36
- about
37
- if
38
- page
39
- my
40
- has
41
- search
42
- free
43
- but
44
- our
45
- one
46
- other
47
- do
48
- no
49
- information
50
- time
51
- they
52
- site
53
- he
54
- up
55
- may
56
- what
57
- which
58
- their
59
- news
60
- out
61
- use
62
- any
63
- there
64
- see
65
- only
66
- so
67
- his
68
- when
69
- contact
70
- here
71
- business
72
- who
73
- web
74
- also
75
- now
76
- help
77
- get
78
- pm
79
- view
80
- online
81
- c
82
- e
83
- first
84
- am
85
- been
86
- would
87
- how
88
- were
89
- me
90
- s
91
- services
92
- some
93
- these
94
- click
95
- its
96
- like
97
- service
98
- x
99
- than
100
- find
101
- price
102
- date
103
- back
104
- top
105
- people
106
- had
107
- list
108
- name
109
- just
110
- over
111
- state
112
- year
113
- day
114
- into
115
- email
116
- two
117
- health
118
- n
119
- world
120
- re
121
- next
122
- used
123
- go
124
- b
125
- work
126
- last
127
- most
128
- products
129
- music
130
- buy
131
- data
132
- make
133
- them
134
- should
135
- product
136
- system
137
- post
138
- her
139
- city
140
- t
141
- add
142
- policy
143
- number
144
- such
145
- please
146
- available
147
- copyright
148
- support
149
- message
150
- after
151
- best
152
- software
153
- then
154
- jan
155
- good
156
- video
157
- well
158
- d
159
- where
160
- info
161
- rights
162
- public
163
- books
164
- high
165
- school
166
- through
167
- m
168
- each
169
- links
170
- she
171
- review
172
- years
173
- order
174
- very
175
- privacy
176
- book
177
- items
178
- company
179
- r
180
- read
181
- group
182
- need
183
- many
184
- user
185
- said
186
- de
187
- does
188
- set
189
- under
190
- general
191
- research
192
- university
193
- january
194
- mail
195
- full
196
- map
197
- reviews
198
- program
199
- life
200
- know
201
- games
202
- way
203
- days
204
- management
205
- p
206
- part
207
- could
208
- great
209
- united
210
- hotel
211
- real
212
- f
213
- item
214
- international
215
- center
216
- ebay
217
- must
218
- store
219
- travel
220
- comments
221
- made
222
- development
223
- report
224
- off
225
- member
226
- details
227
- line
228
- terms
229
- before
230
- hotels
231
- did
232
- send
233
- right
234
- type
235
- because
236
- local
237
- those
238
- using
239
- results
240
- office
241
- education
242
- national
243
- car
244
- design
245
- take
246
- posted
247
- internet
248
- address
249
- community
250
- within
251
- states
252
- area
253
- want
254
- phone
255
- dvd
256
- shipping
257
- reserved
258
- subject
259
- between
260
- forum
261
- family
262
- l
263
- long
264
- based
265
- w
266
- code
267
- show
268
- o
269
- even
270
- black
271
- check
272
- special
273
- prices
274
- website
275
- index
276
- being
277
- women
278
- much
279
- sign
280
- file
281
- link
282
- open
283
- today
284
- technology
285
- south
286
- case
287
- project
288
- same
289
- pages
290
- uk
291
- version
292
- section
293
- own
294
- found
295
- sports
296
- house
297
- related
298
- security
299
- both
300
- g
301
- county
302
- american
303
- photo
304
- game
305
- members
306
- power
307
- while
308
- care
309
- network
310
- down
311
- computer
312
- systems
313
- three
314
- total
315
- place
316
- end
317
- following
318
- download
319
- h
320
- him
321
- without
322
- per
323
- access
324
- think
325
- north
326
- resources
327
- current
328
- posts
329
- big
330
- media
331
- law
332
- control
333
- water
334
- history
335
- pictures
336
- size
337
- art
338
- personal
339
- since
340
- including
341
- guide
342
- shop
343
- directory
344
- board
345
- location
346
- change
347
- white
348
- text
349
- small
350
- rating
351
- rate
352
- government
353
- children
354
- during
355
- usa
356
- return
357
- students
358
- v
359
- shopping
360
- account
361
- times
362
- sites
363
- level
364
- digital
365
- profile
366
- previous
367
- form
368
- events
369
- love
370
- old
371
- john
372
- main
373
- call
374
- hours
375
- image
376
- department
377
- title
378
- description
379
- non
380
- k
381
- y
382
- insurance
383
- another
384
- why
385
- shall
386
- property
387
- class
388
- cd
389
- still
390
- money
391
- quality
392
- every
393
- listing
394
- content
395
- country
396
- private
397
- little
398
- visit
399
- save
400
- tools
401
- low
402
- reply
403
- customer
404
- december
405
- compare
406
- movies
407
- include
408
- college
409
- value
410
- article
411
- york
412
- man
413
- card
414
- jobs
415
- provide
416
- j
417
- food
418
- source
419
- author
420
- different
421
- press
422
- u
423
- learn
424
- sale
425
- around
426
- print
427
- course
428
- job
429
- canada
430
- process
431
- teen
432
- room
433
- stock
434
- training
435
- too
436
- credit
437
- point
438
- join
439
- science
440
- men
441
- categories
442
- advanced
443
- west
444
- sales
445
- look
446
- english
447
- left
448
- team
449
- estate
450
- box
451
- conditions
452
- select
453
- windows
454
- photos
455
- gay
456
- thread
457
- week
458
- category
459
- note
460
- live
461
- large
462
- gallery
463
- table
464
- register
465
- however
466
- june
467
- october
468
- november
469
- market
470
- library
471
- really
472
- action
473
- start
474
- series
475
- model
476
- features
477
- air
478
- industry
479
- plan
480
- human
481
- provided
482
- tv
483
- yes
484
- required
485
- second
486
- hot
487
- accessories
488
- cost
489
- movie
490
- forums
491
- march
492
- la
493
- september
494
- better
495
- say
496
- questions
497
- july
498
- yahoo
499
- going
500
- medical
501
- test
502
- friend
503
- come
504
- dec
505
- server
506
- pc
507
- study
508
- application
509
- cart
510
- staff
511
- articles
512
- san
513
- feedback
514
- again
515
- play
516
- looking
517
- issues
518
- april
519
- never
520
- users
521
- complete
522
- street
523
- topic
524
- comment
525
- financial
526
- things
527
- working
528
- against
529
- standard
530
- tax
531
- person
532
- below
533
- mobile
534
- less
535
- got
536
- blog
537
- party
538
- payment
539
- equipment
540
- login
541
- student
542
- let
543
- programs
544
- offers
545
- legal
546
- above
547
- recent
548
- park
549
- stores
550
- side
551
- act
552
- problem
553
- red
554
- give
555
- memory
556
- performance
557
- social
558
- q
559
- august
560
- quote
561
- language
562
- story
563
- sell
564
- options
565
- experience
566
- rates
567
- create
568
- key
569
- body
570
- young
571
- america
572
- important
573
- field
574
- few
575
- east
576
- paper
577
- single
578
- ii
579
- age
580
- activities
581
- club
582
- example
583
- girls
584
- additional
585
- password
586
- z
587
- latest
588
- something
589
- road
590
- gift
591
- question
592
- changes
593
- night
594
- ca
595
- hard
596
- texas
597
- oct
598
- pay
599
- four
600
- poker
601
- status
602
- browse
603
- issue
604
- range
605
- building
606
- seller
607
- court
608
- february
609
- always
610
- result
611
- audio
612
- light
613
- write
614
- war
615
- nov
616
- offer
617
- blue
618
- groups
619
- al
620
- easy
621
- given
622
- files
623
- event
624
- release
625
- analysis
626
- request
627
- fax
628
- china
629
- making
630
- picture
631
- needs
632
- possible
633
- might
634
- professional
635
- yet
636
- month
637
- major
638
- star
639
- areas
640
- future
641
- space
642
- committee
643
- hand
644
- sun
645
- cards
646
- problems
647
- london
648
- washington
649
- meeting
650
- rss
651
- become
652
- interest
653
- id
654
- child
655
- keep
656
- enter
657
- california
658
- share
659
- similar
660
- garden
661
- schools
662
- million
663
- added
664
- reference
665
- companies
666
- listed
667
- baby
668
- learning
669
- energy
670
- run
671
- delivery
672
- net
673
- popular
674
- term
675
- film
676
- stories
677
- put
678
- computers
679
- journal
680
- reports
681
- co
682
- try
683
- welcome
684
- central
685
- images
686
- president
687
- notice
688
- original
689
- head
690
- radio
691
- until
692
- cell
693
- color
694
- self
695
- council
696
- away
697
- includes
698
- track
699
- australia
700
- discussion
701
- archive
702
- once
703
- others
704
- entertainment
705
- agreement
706
- format
707
- least
708
- society
709
- months
710
- log
711
- safety
712
- friends
713
- sure
714
- faq
715
- trade
716
- edition
717
- cars
718
- messages
719
- marketing
720
- tell
721
- further
722
- updated
723
- association
724
- able
725
- having
726
- provides
727
- david
728
- fun
729
- already
730
- green
731
- studies
732
- close
733
- common
734
- drive
735
- specific
736
- several
737
- gold
738
- feb
739
- living
740
- sep
741
- collection
742
- called
743
- short
744
- arts
745
- lot
746
- ask
747
- display
748
- limited
749
- powered
750
- solutions
751
- means
752
- director
753
- daily
754
- beach
755
- past
756
- natural
757
- whether
758
- due
759
- et
760
- electronics
761
- five
762
- upon
763
- period
764
- planning
765
- database
766
- says
767
- official
768
- weather
769
- mar
770
- land
771
- average
772
- done
773
- technical
774
- window
775
- france
776
- pro
777
- region
778
- island
779
- record
780
- direct
781
- microsoft
782
- conference
783
- environment
784
- records
785
- st
786
- district
787
- calendar
788
- costs
789
- style
790
- url
791
- front
792
- statement
793
- update
794
- parts
795
- aug
796
- ever
797
- downloads
798
- early
799
- miles
800
- sound
801
- resource
802
- present
803
- applications
804
- either
805
- ago
806
- document
807
- word
808
- works
809
- material
810
- bill
811
- apr
812
- written
813
- talk
814
- federal
815
- hosting
816
- rules
817
- final
818
- adult
819
- tickets
820
- thing
821
- centre
822
- requirements
823
- via
824
- cheap
825
- kids
826
- finance
827
- true
828
- minutes
829
- else
830
- mark
831
- third
832
- rock
833
- gifts
834
- europe
835
- reading
836
- topics
837
- bad
838
- individual
839
- tips
840
- plus
841
- auto
842
- cover
843
- usually
844
- edit
845
- together
846
- videos
847
- percent
848
- fast
849
- function
850
- fact
851
- unit
852
- getting
853
- global
854
- tech
855
- meet
856
- far
857
- economic
858
- en
859
- player
860
- projects
861
- lyrics
862
- often
863
- subscribe
864
- submit
865
- germany
866
- amount
867
- watch
868
- included
869
- feel
870
- though
871
- bank
872
- risk
873
- thanks
874
- everything
875
- deals
876
- various
877
- words
878
- linux
879
- jul
880
- production
881
- commercial
882
- james
883
- weight
884
- town
885
- heart
886
- advertising
887
- received
888
- choose
889
- treatment
890
- newsletter
891
- archives
892
- points
893
- knowledge
894
- magazine
895
- error
896
- camera
897
- jun
898
- girl
899
- currently
900
- construction
901
- toys
902
- registered
903
- clear
904
- golf
905
- receive
906
- domain
907
- methods
908
- chapter
909
- makes
910
- protection
911
- policies
912
- loan
913
- wide
914
- beauty
915
- manager
916
- india
917
- position
918
- taken
919
- sort
920
- listings
921
- models
922
- michael
923
- known
924
- half
925
- cases
926
- step
927
- engineering
928
- florida
929
- simple
930
- quick
931
- none
932
- wireless
933
- license
934
- paul
935
- friday
936
- lake
937
- whole
938
- annual
939
- published
940
- later
941
- basic
942
- sony
943
- shows
944
- corporate
945
- google
946
- church
947
- method
948
- purchase
949
- customers
950
- active
951
- response
952
- practice
953
- hardware
954
- figure
955
- materials
956
- fire
957
- holiday
958
- chat
959
- enough
960
- designed
961
- along
962
- among
963
- death
964
- writing
965
- speed
966
- html
967
- countries
968
- loss
969
- face
970
- brand
971
- discount
972
- higher
973
- effects
974
- created
975
- remember
976
- standards
977
- oil
978
- bit
979
- yellow
980
- political
981
- increase
982
- advertise
983
- kingdom
984
- base
985
- near
986
- environmental
987
- thought
988
- stuff
989
- french
990
- storage
991
- oh
992
- japan
993
- doing
994
- loans
995
- shoes
996
- entry
997
- stay
998
- nature
999
- orders
1000
- availability
1001
- africa
1002
- summary
1003
- turn
1004
- mean
1005
- growth
1006
- notes
1007
- agency
1008
- king
1009
- monday
1010
- european
1011
- activity
1012
- copy
1013
- although
1014
- drug
1015
- pics
1016
- western
1017
- income
1018
- force
1019
- cash
1020
- employment
1021
- overall
1022
- bay
1023
- river
1024
- commission
1025
- ad
1026
- package
1027
- contents
1028
- seen
1029
- players
1030
- engine
1031
- port
1032
- album
1033
- regional
1034
- stop
1035
- supplies
1036
- started
1037
- administration
1038
- bar
1039
- institute
1040
- views
1041
- plans
1042
- double
1043
- dog
1044
- build
1045
- screen
1046
- exchange
1047
- types
1048
- soon
1049
- sponsored
1050
- lines
1051
- electronic
1052
- continue
1053
- across
1054
- benefits
1055
- needed
1056
- season
1057
- apply
1058
- someone
1059
- held
1060
- ny
1061
- anything
1062
- printer
1063
- condition
1064
- effective
1065
- believe
1066
- organization
1067
- effect
1068
- asked
1069
- eur
1070
- mind
1071
- sunday
1072
- selection
1073
- casino
1074
- pdf
1075
- lost
1076
- tour
1077
- menu
1078
- volume
1079
- cross
1080
- anyone
1081
- mortgage
1082
- hope
1083
- silver
1084
- corporation
1085
- wish
1086
- inside
1087
- solution
1088
- mature
1089
- role
1090
- rather
1091
- weeks
1092
- addition
1093
- came
1094
- supply
1095
- nothing
1096
- certain
1097
- usr
1098
- executive
1099
- running
1100
- lower
1101
- necessary
1102
- union
1103
- jewelry
1104
- according
1105
- dc
1106
- clothing
1107
- mon
1108
- com
1109
- particular
1110
- fine
1111
- names
1112
- robert
1113
- homepage
1114
- hour
1115
- gas
1116
- skills
1117
- six
1118
- bush
1119
- islands
1120
- advice
1121
- career
1122
- military
1123
- rental
1124
- decision
1125
- leave
1126
- british
1127
- teens
1128
- pre
1129
- huge
1130
- sat
1131
- woman
1132
- facilities
1133
- zip
1134
- bid
1135
- kind
1136
- sellers
1137
- middle
1138
- move
1139
- cable
1140
- opportunities
1141
- taking
1142
- values
1143
- division
1144
- coming
1145
- tuesday
1146
- object
1147
- lesbian
1148
- appropriate
1149
- machine
1150
- logo
1151
- length
1152
- actually
1153
- nice
1154
- score
1155
- statistics
1156
- client
1157
- ok
1158
- returns
1159
- capital
1160
- follow
1161
- sample
1162
- investment
1163
- sent
1164
- shown
1165
- saturday
1166
- christmas
1167
- england
1168
- culture
1169
- band
1170
- flash
1171
- ms
1172
- lead
1173
- george
1174
- choice
1175
- went
1176
- starting
1177
- registration
1178
- fri
1179
- thursday
1180
- courses
1181
- consumer
1182
- hi
1183
- airport
1184
- foreign
1185
- artist
1186
- outside
1187
- furniture
1188
- levels
1189
- channel
1190
- letter
1191
- mode
1192
- phones
1193
- ideas
1194
- wednesday
1195
- structure
1196
- fund
1197
- summer
1198
- allow
1199
- degree
1200
- contract
1201
- button
1202
- releases
1203
- wed
1204
- homes
1205
- super
1206
- male
1207
- matter
1208
- custom
1209
- virginia
1210
- almost
1211
- took
1212
- located
1213
- multiple
1214
- asian
1215
- distribution
1216
- editor
1217
- inn
1218
- industrial
1219
- cause
1220
- potential
1221
- song
1222
- cnet
1223
- ltd
1224
- los
1225
- hp
1226
- focus
1227
- late
1228
- fall
1229
- featured
1230
- idea
1231
- rooms
1232
- female
1233
- responsible
1234
- inc
1235
- communications
1236
- win
1237
- associated
1238
- thomas
1239
- primary
1240
- cancer
1241
- numbers
1242
- reason
1243
- tool
1244
- browser
1245
- spring
1246
- foundation
1247
- answer
1248
- voice
1249
- eg
1250
- friendly
1251
- schedule
1252
- documents
1253
- communication
1254
- purpose
1255
- feature
1256
- bed
1257
- comes
1258
- police
1259
- everyone
1260
- independent
1261
- ip
1262
- approach
1263
- cameras
1264
- brown
1265
- physical
1266
- operating
1267
- hill
1268
- maps
1269
- medicine
1270
- deal
1271
- hold
1272
- ratings
1273
- chicago
1274
- forms
1275
- glass
1276
- happy
1277
- tue
1278
- smith
1279
- wanted
1280
- developed
1281
- thank
1282
- safe
1283
- unique
1284
- survey
1285
- prior
1286
- telephone
1287
- sport
1288
- ready
1289
- feed
1290
- animal
1291
- sources
1292
- mexico
1293
- population
1294
- pa
1295
- regular
1296
- secure
1297
- navigation
1298
- operations
1299
- therefore
1300
- simply
1301
- evidence
1302
- station
1303
- christian
1304
- round
1305
- paypal
1306
- favorite
1307
- understand
1308
- option
1309
- master
1310
- valley
1311
- recently
1312
- probably
1313
- thu
1314
- rentals
1315
- sea
1316
- built
1317
- publications
1318
- blood
1319
- cut
1320
- worldwide
1321
- improve
1322
- connection
1323
- publisher
1324
- hall
1325
- larger
1326
- anti
1327
- networks
1328
- earth
1329
- parents
1330
- nokia
1331
- impact
1332
- transfer
1333
- introduction
1334
- kitchen
1335
- strong
1336
- tel
1337
- carolina
1338
- wedding
1339
- properties
1340
- hospital
1341
- ground
1342
- overview
1343
- ship
1344
- accommodation
1345
- owners
1346
- disease
1347
- tx
1348
- excellent
1349
- paid
1350
- italy
1351
- perfect
1352
- hair
1353
- opportunity
1354
- kit
1355
- classic
1356
- basis
1357
- command
1358
- cities
1359
- william
1360
- express
1361
- award
1362
- distance
1363
- tree
1364
- peter
1365
- assessment
1366
- ensure
1367
- thus
1368
- wall
1369
- ie
1370
- involved
1371
- el
1372
- extra
1373
- especially
1374
- interface
1375
- partners
1376
- budget
1377
- rated
1378
- guides
1379
- success
1380
- maximum
1381
- ma
1382
- operation
1383
- existing
1384
- quite
1385
- selected
1386
- boy
1387
- amazon
1388
- patients
1389
- restaurants
1390
- beautiful
1391
- warning
1392
- wine
1393
- locations
1394
- horse
1395
- vote
1396
- forward
1397
- flowers
1398
- stars
1399
- significant
1400
- lists
1401
- technologies
1402
- owner
1403
- retail
1404
- animals
1405
- useful
1406
- directly
1407
- manufacturer
1408
- ways
1409
- est
1410
- son
1411
- providing
1412
- rule
1413
- mac
1414
- housing
1415
- takes
1416
- iii
1417
- gmt
1418
- bring
1419
- catalog
1420
- searches
1421
- max
1422
- trying
1423
- mother
1424
- authority
1425
- considered
1426
- told
1427
- xml
1428
- traffic
1429
- programme
1430
- joined
1431
- input
1432
- strategy
1433
- feet
1434
- agent
1435
- valid
1436
- bin
1437
- modern
1438
- senior
1439
- ireland
1440
- teaching
1441
- door
1442
- grand
1443
- testing
1444
- trial
1445
- charge
1446
- units
1447
- instead
1448
- canadian
1449
- cool
1450
- normal
1451
- wrote
1452
- enterprise
1453
- ships
1454
- entire
1455
- educational
1456
- md
1457
- leading
1458
- metal
1459
- positive
1460
- fl
1461
- fitness
1462
- chinese
1463
- opinion
1464
- mb
1465
- asia
1466
- football
1467
- abstract
1468
- uses
1469
- output
1470
- funds
1471
- mr
1472
- greater
1473
- likely
1474
- develop
1475
- employees
1476
- artists
1477
- alternative
1478
- processing
1479
- responsibility
1480
- resolution
1481
- java
1482
- guest
1483
- seems
1484
- publication
1485
- pass
1486
- relations
1487
- trust
1488
- van
1489
- contains
1490
- session
1491
- multi
1492
- photography
1493
- republic
1494
- fees
1495
- components
1496
- vacation
1497
- century
1498
- academic
1499
- assistance
1500
- completed
1501
- skin
1502
- graphics
1503
- indian
1504
- prev
1505
- ads
1506
- mary
1507
- il
1508
- expected
1509
- ring
1510
- grade
1511
- dating
1512
- pacific
1513
- mountain
1514
- organizations
1515
- pop
1516
- filter
1517
- mailing
1518
- vehicle
1519
- longer
1520
- consider
1521
- int
1522
- northern
1523
- behind
1524
- panel
1525
- floor
1526
- german
1527
- buying
1528
- match
1529
- proposed
1530
- default
1531
- require
1532
- iraq
1533
- boys
1534
- outdoor
1535
- deep
1536
- morning
1537
- otherwise
1538
- allows
1539
- rest
1540
- protein
1541
- plant
1542
- reported
1543
- hit
1544
- transportation
1545
- mm
1546
- pool
1547
- mini
1548
- politics
1549
- partner
1550
- disclaimer
1551
- authors
1552
- boards
1553
- faculty
1554
- parties
1555
- fish
1556
- membership
1557
- mission
1558
- eye
1559
- string
1560
- sense
1561
- modified
1562
- pack
1563
- released
1564
- stage
1565
- internal
1566
- goods
1567
- recommended
1568
- born
1569
- unless
1570
- richard
1571
- detailed
1572
- japanese
1573
- race
1574
- approved
1575
- background
1576
- target
1577
- except
1578
- character
1579
- usb
1580
- maintenance
1581
- ability
1582
- maybe
1583
- functions
1584
- ed
1585
- moving
1586
- brands
1587
- places
1588
- php
1589
- pretty
1590
- trademarks
1591
- phentermine
1592
- spain
1593
- southern
1594
- yourself
1595
- etc
1596
- winter
1597
- battery
1598
- youth
1599
- pressure
1600
- submitted
1601
- boston
1602
- debt
1603
- keywords
1604
- medium
1605
- television
1606
- interested
1607
- core
1608
- break
1609
- purposes
1610
- throughout
1611
- sets
1612
- dance
1613
- wood
1614
- msn
1615
- itself
1616
- defined
1617
- papers
1618
- playing
1619
- awards
1620
- fee
1621
- studio
1622
- reader
1623
- virtual
1624
- device
1625
- established
1626
- answers
1627
- rent
1628
- las
1629
- remote
1630
- dark
1631
- programming
1632
- external
1633
- apple
1634
- le
1635
- regarding
1636
- instructions
1637
- min
1638
- offered
1639
- theory
1640
- enjoy
1641
- remove
1642
- aid
1643
- surface
1644
- minimum
1645
- visual
1646
- host
1647
- variety
1648
- teachers
1649
- isbn
1650
- martin
1651
- manual
1652
- block
1653
- subjects
1654
- agents
1655
- increased
1656
- repair
1657
- fair
1658
- civil
1659
- steel
1660
- understanding
1661
- songs
1662
- fixed
1663
- wrong
1664
- beginning
1665
- hands
1666
- associates
1667
- finally
1668
- az
1669
- updates
1670
- desktop
1671
- classes
1672
- paris
1673
- ohio
1674
- gets
1675
- sector
1676
- capacity
1677
- requires
1678
- jersey
1679
- un
1680
- fat
1681
- fully
1682
- father
1683
- electric
1684
- saw
1685
- instruments
1686
- quotes
1687
- officer
1688
- driver
1689
- businesses
1690
- dead
1691
- respect
1692
- unknown
1693
- specified
1694
- restaurant
1695
- mike
1696
- trip
1697
- pst
1698
- worth
1699
- mi
1700
- procedures
1701
- poor
1702
- teacher
1703
- eyes
1704
- relationship
1705
- workers
1706
- farm
1707
- georgia
1708
- peace
1709
- traditional
1710
- campus
1711
- tom
1712
- showing
1713
- creative
1714
- coast
1715
- benefit
1716
- progress
1717
- funding
1718
- devices
1719
- lord
1720
- grant
1721
- sub
1722
- agree
1723
- fiction
1724
- hear
1725
- sometimes
1726
- watches
1727
- careers
1728
- beyond
1729
- goes
1730
- families
1731
- led
1732
- museum
1733
- themselves
1734
- fan
1735
- transport
1736
- interesting
1737
- blogs
1738
- wife
1739
- evaluation
1740
- accepted
1741
- former
1742
- implementation
1743
- ten
1744
- hits
1745
- zone
1746
- complex
1747
- th
1748
- cat
1749
- galleries
1750
- references
1751
- die
1752
- presented
1753
- jack
1754
- flat
1755
- flow
1756
- agencies
1757
- literature
1758
- respective
1759
- parent
1760
- spanish
1761
- michigan
1762
- columbia
1763
- setting
1764
- dr
1765
- scale
1766
- stand
1767
- economy
1768
- highest
1769
- helpful
1770
- monthly
1771
- critical
1772
- frame
1773
- musical
1774
- definition
1775
- secretary
1776
- angeles
1777
- networking
1778
- path
1779
- australian
1780
- employee
1781
- chief
1782
- gives
1783
- kb
1784
- bottom
1785
- magazines
1786
- packages
1787
- detail
1788
- francisco
1789
- laws
1790
- changed
1791
- pet
1792
- heard
1793
- begin
1794
- individuals
1795
- colorado
1796
- royal
1797
- clean
1798
- switch
1799
- russian
1800
- largest
1801
- african
1802
- guy
1803
- titles
1804
- relevant
1805
- guidelines
1806
- justice
1807
- connect
1808
- bible
1809
- dev
1810
- cup
1811
- basket
1812
- applied
1813
- weekly
1814
- vol
1815
- installation
1816
- described
1817
- demand
1818
- pp
1819
- suite
1820
- vegas
1821
- na
1822
- square
1823
- chris
1824
- attention
1825
- advance
1826
- skip
1827
- diet
1828
- army
1829
- auction
1830
- gear
1831
- lee
1832
- os
1833
- difference
1834
- allowed
1835
- correct
1836
- charles
1837
- nation
1838
- selling
1839
- lots
1840
- piece
1841
- sheet
1842
- firm
1843
- seven
1844
- older
1845
- illinois
1846
- regulations
1847
- elements
1848
- species
1849
- jump
1850
- cells
1851
- module
1852
- resort
1853
- facility
1854
- random
1855
- pricing
1856
- dvds
1857
- certificate
1858
- minister
1859
- motion
1860
- looks
1861
- fashion
1862
- directions
1863
- visitors
1864
- documentation
1865
- monitor
1866
- trading
1867
- forest
1868
- calls
1869
- whose
1870
- coverage
1871
- couple
1872
- giving
1873
- chance
1874
- vision
1875
- ball
1876
- ending
1877
- clients
1878
- actions
1879
- listen
1880
- discuss
1881
- accept
1882
- automotive
1883
- naked
1884
- goal
1885
- successful
1886
- sold
1887
- wind
1888
- communities
1889
- clinical
1890
- situation
1891
- sciences
1892
- markets
1893
- lowest
1894
- highly
1895
- publishing
1896
- appear
1897
- emergency
1898
- developing
1899
- lives
1900
- currency
1901
- leather
1902
- determine
1903
- temperature
1904
- palm
1905
- announcements
1906
- patient
1907
- actual
1908
- historical
1909
- stone
1910
- bob
1911
- commerce
1912
- ringtones
1913
- perhaps
1914
- persons
1915
- difficult
1916
- scientific
1917
- satellite
1918
- fit
1919
- tests
1920
- village
1921
- accounts
1922
- amateur
1923
- ex
1924
- met
1925
- pain
1926
- xbox
1927
- particularly
1928
- factors
1929
- coffee
1930
- www
1931
- settings
1932
- buyer
1933
- cultural
1934
- steve
1935
- easily
1936
- oral
1937
- ford
1938
- poster
1939
- edge
1940
- functional
1941
- root
1942
- au
1943
- fi
1944
- closed
1945
- holidays
1946
- ice
1947
- pink
1948
- zealand
1949
- balance
1950
- monitoring
1951
- graduate
1952
- replies
1953
- shot
1954
- nc
1955
- architecture
1956
- initial
1957
- label
1958
- thinking
1959
- scott
1960
- llc
1961
- sec
1962
- recommend
1963
- canon
1964
- league
1965
- waste
1966
- minute
1967
- bus
1968
- provider
1969
- optional
1970
- dictionary
1971
- cold
1972
- accounting
1973
- manufacturing
1974
- sections
1975
- chair
1976
- fishing
1977
- effort
1978
- phase
1979
- fields
1980
- bag
1981
- fantasy
1982
- po
1983
- letters
1984
- motor
1985
- va
1986
- professor
1987
- context
1988
- install
1989
- shirt
1990
- apparel
1991
- generally
1992
- continued
1993
- foot
1994
- mass
1995
- crime
1996
- count
1997
- breast
1998
- techniques
1999
- ibm
2000
- rd
2001
- johnson
2002
- sc
2003
- quickly
2004
- dollars
2005
- websites
2006
- religion
2007
- claim
2008
- driving
2009
- permission
2010
- surgery
2011
- patch
2012
- heat
2013
- wild
2014
- measures
2015
- generation
2016
- kansas
2017
- miss
2018
- chemical
2019
- doctor
2020
- task
2021
- reduce
2022
- brought
2023
- himself
2024
- nor
2025
- component
2026
- enable
2027
- exercise
2028
- bug
2029
- santa
2030
- mid
2031
- guarantee
2032
- leader
2033
- diamond
2034
- israel
2035
- se
2036
- processes
2037
- soft
2038
- servers
2039
- alone
2040
- meetings
2041
- seconds
2042
- jones
2043
- arizona
2044
- keyword
2045
- interests
2046
- flight
2047
- congress
2048
- fuel
2049
- username
2050
- walk
2051
- produced
2052
- italian
2053
- paperback
2054
- classifieds
2055
- wait
2056
- supported
2057
- pocket
2058
- saint
2059
- rose
2060
- freedom
2061
- argument
2062
- competition
2063
- creating
2064
- jim
2065
- drugs
2066
- joint
2067
- premium
2068
- providers
2069
- fresh
2070
- characters
2071
- attorney
2072
- upgrade
2073
- di
2074
- factor
2075
- growing
2076
- thousands
2077
- km
2078
- stream
2079
- apartments
2080
- pick
2081
- hearing
2082
- eastern
2083
- auctions
2084
- therapy
2085
- entries
2086
- dates
2087
- generated
2088
- signed
2089
- upper
2090
- administrative
2091
- serious
2092
- prime
2093
- samsung
2094
- limit
2095
- began
2096
- louis
2097
- steps
2098
- errors
2099
- shops
2100
- del
2101
- efforts
2102
- informed
2103
- ga
2104
- ac
2105
- thoughts
2106
- creek
2107
- ft
2108
- worked
2109
- quantity
2110
- urban
2111
- practices
2112
- sorted
2113
- reporting
2114
- essential
2115
- myself
2116
- tours
2117
- platform
2118
- load
2119
- affiliate
2120
- labor
2121
- immediately
2122
- admin
2123
- nursing
2124
- defense
2125
- machines
2126
- designated
2127
- tags
2128
- heavy
2129
- covered
2130
- recovery
2131
- joe
2132
- guys
2133
- integrated
2134
- configuration
2135
- merchant
2136
- comprehensive
2137
- expert
2138
- universal
2139
- protect
2140
- drop
2141
- solid
2142
- cds
2143
- presentation
2144
- languages
2145
- became
2146
- orange
2147
- compliance
2148
- vehicles
2149
- prevent
2150
- theme
2151
- rich
2152
- im
2153
- campaign
2154
- marine
2155
- improvement
2156
- vs
2157
- guitar
2158
- finding
2159
- pennsylvania
2160
- examples
2161
- ipod
2162
- saying
2163
- spirit
2164
- ar
2165
- claims
2166
- challenge
2167
- motorola
2168
- acceptance
2169
- strategies
2170
- mo
2171
- seem
2172
- affairs
2173
- touch
2174
- intended
2175
- towards
2176
- sa
2177
- goals
2178
- hire
2179
- election
2180
- suggest
2181
- branch
2182
- charges
2183
- serve
2184
- affiliates
2185
- reasons
2186
- magic
2187
- mount
2188
- smart
2189
- talking
2190
- gave
2191
- ones
2192
- latin
2193
- multimedia
2194
- xp
2195
- avoid
2196
- certified
2197
- manage
2198
- corner
2199
- rank
2200
- computing
2201
- oregon
2202
- element
2203
- birth
2204
- virus
2205
- abuse
2206
- interactive
2207
- requests
2208
- separate
2209
- quarter
2210
- procedure
2211
- leadership
2212
- tables
2213
- define
2214
- racing
2215
- religious
2216
- facts
2217
- breakfast
2218
- kong
2219
- column
2220
- plants
2221
- faith
2222
- chain
2223
- developer
2224
- identify
2225
- avenue
2226
- missing
2227
- died
2228
- approximately
2229
- domestic
2230
- sitemap
2231
- recommendations
2232
- moved
2233
- houston
2234
- reach
2235
- comparison
2236
- mental
2237
- viewed
2238
- moment
2239
- extended
2240
- sequence
2241
- inch
2242
- attack
2243
- sorry
2244
- centers
2245
- opening
2246
- damage
2247
- lab
2248
- reserve
2249
- recipes
2250
- cvs
2251
- gamma
2252
- plastic
2253
- produce
2254
- snow
2255
- placed
2256
- truth
2257
- counter
2258
- failure
2259
- follows
2260
- eu
2261
- weekend
2262
- dollar
2263
- camp
2264
- ontario
2265
- automatically
2266
- des
2267
- minnesota
2268
- films
2269
- bridge
2270
- native
2271
- fill
2272
- williams
2273
- movement
2274
- printing
2275
- baseball
2276
- owned
2277
- approval
2278
- draft
2279
- chart
2280
- played
2281
- contacts
2282
- cc
2283
- jesus
2284
- readers
2285
- clubs
2286
- lcd
2287
- wa
2288
- jackson
2289
- equal
2290
- adventure
2291
- matching
2292
- offering
2293
- shirts
2294
- profit
2295
- leaders
2296
- posters
2297
- institutions
2298
- assistant
2299
- variable
2300
- ave
2301
- dj
2302
- advertisement
2303
- expect
2304
- parking
2305
- headlines
2306
- yesterday
2307
- compared
2308
- determined
2309
- wholesale
2310
- workshop
2311
- russia
2312
- gone
2313
- codes
2314
- kinds
2315
- extension
2316
- seattle
2317
- statements
2318
- golden
2319
- completely
2320
- teams
2321
- fort
2322
- cm
2323
- wi
2324
- lighting
2325
- senate
2326
- forces
2327
- funny
2328
- brother
2329
- gene
2330
- turned
2331
- portable
2332
- tried
2333
- electrical
2334
- applicable
2335
- disc
2336
- returned
2337
- pattern
2338
- ct
2339
- boat
2340
- named
2341
- theatre
2342
- laser
2343
- earlier
2344
- manufacturers
2345
- sponsor
2346
- classical
2347
- icon
2348
- warranty
2349
- dedicated
2350
- indiana
2351
- direction
2352
- harry
2353
- basketball
2354
- objects
2355
- ends
2356
- delete
2357
- evening
2358
- assembly
2359
- nuclear
2360
- taxes
2361
- mouse
2362
- signal
2363
- criminal
2364
- issued
2365
- brain
2366
- sexual
2367
- wisconsin
2368
- powerful
2369
- dream
2370
- obtained
2371
- false
2372
- da
2373
- cast
2374
- flower
2375
- felt
2376
- personnel
2377
- passed
2378
- supplied
2379
- identified
2380
- falls
2381
- pic
2382
- soul
2383
- aids
2384
- opinions
2385
- promote
2386
- stated
2387
- stats
2388
- hawaii
2389
- professionals
2390
- appears
2391
- carry
2392
- flag
2393
- decided
2394
- nj
2395
- covers
2396
- hr
2397
- em
2398
- advantage
2399
- hello
2400
- designs
2401
- maintain
2402
- tourism
2403
- priority
2404
- newsletters
2405
- adults
2406
- clips
2407
- savings
2408
- iv
2409
- graphic
2410
- atom
2411
- payments
2412
- rw
2413
- estimated
2414
- binding
2415
- brief
2416
- ended
2417
- winning
2418
- eight
2419
- anonymous
2420
- iron
2421
- straight
2422
- script
2423
- served
2424
- wants
2425
- miscellaneous
2426
- prepared
2427
- void
2428
- dining
2429
- alert
2430
- integration
2431
- atlanta
2432
- dakota
2433
- tag
2434
- interview
2435
- mix
2436
- framework
2437
- disk
2438
- installed
2439
- queen
2440
- vhs
2441
- credits
2442
- clearly
2443
- fix
2444
- handle
2445
- sweet
2446
- desk
2447
- criteria
2448
- pubmed
2449
- dave
2450
- massachusetts
2451
- diego
2452
- hong
2453
- vice
2454
- associate
2455
- ne
2456
- truck
2457
- behavior
2458
- enlarge
2459
- ray
2460
- frequently
2461
- revenue
2462
- measure
2463
- changing
2464
- votes
2465
- du
2466
- duty
2467
- looked
2468
- discussions
2469
- bear
2470
- gain
2471
- festival
2472
- laboratory
2473
- ocean
2474
- flights
2475
- experts
2476
- signs
2477
- lack
2478
- depth
2479
- iowa
2480
- whatever
2481
- logged
2482
- laptop
2483
- vintage
2484
- train
2485
- exactly
2486
- dry
2487
- explore
2488
- maryland
2489
- spa
2490
- concept
2491
- nearly
2492
- eligible
2493
- checkout
2494
- reality
2495
- forgot
2496
- handling
2497
- origin
2498
- knew
2499
- gaming
2500
- feeds
2501
- billion
2502
- destination
2503
- scotland
2504
- faster
2505
- intelligence
2506
- dallas
2507
- bought
2508
- con
2509
- ups
2510
- nations
2511
- route
2512
- followed
2513
- specifications
2514
- broken
2515
- tripadvisor
2516
- frank
2517
- alaska
2518
- zoom
2519
- blow
2520
- battle
2521
- residential
2522
- anime
2523
- speak
2524
- decisions
2525
- industries
2526
- protocol
2527
- query
2528
- clip
2529
- partnership
2530
- editorial
2531
- nt
2532
- expression
2533
- es
2534
- equity
2535
- provisions
2536
- speech
2537
- wire
2538
- principles
2539
- suggestions
2540
- rural
2541
- shared
2542
- sounds
2543
- replacement
2544
- tape
2545
- strategic
2546
- judge
2547
- spam
2548
- economics
2549
- acid
2550
- bytes
2551
- cent
2552
- forced
2553
- compatible
2554
- fight
2555
- apartment
2556
- height
2557
- null
2558
- zero
2559
- speaker
2560
- filed
2561
- gb
2562
- netherlands
2563
- obtain
2564
- bc
2565
- consulting
2566
- recreation
2567
- offices
2568
- designer
2569
- remain
2570
- managed
2571
- pr
2572
- failed
2573
- marriage
2574
- roll
2575
- korea
2576
- banks
2577
- fr
2578
- participants
2579
- secret
2580
- bath
2581
- aa
2582
- kelly
2583
- leads
2584
- negative
2585
- austin
2586
- favorites
2587
- toronto
2588
- theater
2589
- springs
2590
- missouri
2591
- andrew
2592
- var
2593
- perform
2594
- healthy
2595
- translation
2596
- estimates
2597
- font
2598
- assets
2599
- injury
2600
- mt
2601
- joseph
2602
- ministry
2603
- drivers
2604
- lawyer
2605
- figures
2606
- married
2607
- protected
2608
- proposal
2609
- sharing
2610
- philadelphia
2611
- portal
2612
- waiting
2613
- birthday
2614
- beta
2615
- fail
2616
- gratis
2617
- banking
2618
- officials
2619
- brian
2620
- toward
2621
- won
2622
- slightly
2623
- assist
2624
- conduct
2625
- contained
2626
- lingerie
2627
- legislation
2628
- calling
2629
- parameters
2630
- jazz
2631
- serving
2632
- bags
2633
- profiles
2634
- miami
2635
- comics
2636
- matters
2637
- houses
2638
- doc
2639
- postal
2640
- relationships
2641
- tennessee
2642
- wear
2643
- controls
2644
- breaking
2645
- combined
2646
- ultimate
2647
- wales
2648
- representative
2649
- frequency
2650
- introduced
2651
- minor
2652
- finish
2653
- departments
2654
- residents
2655
- noted
2656
- displayed
2657
- mom
2658
- reduced
2659
- physics
2660
- rare
2661
- spent
2662
- performed
2663
- extreme
2664
- samples
2665
- davis
2666
- daniel
2667
- bars
2668
- reviewed
2669
- row
2670
- oz
2671
- forecast
2672
- removed
2673
- helps
2674
- singles
2675
- administrator
2676
- cycle
2677
- amounts
2678
- contain
2679
- accuracy
2680
- dual
2681
- rise
2682
- usd
2683
- sleep
2684
- mg
2685
- bird
2686
- pharmacy
2687
- brazil
2688
- creation
2689
- static
2690
- scene
2691
- hunter
2692
- addresses
2693
- lady
2694
- crystal
2695
- famous
2696
- writer
2697
- chairman
2698
- violence
2699
- fans
2700
- oklahoma
2701
- speakers
2702
- drink
2703
- academy
2704
- dynamic
2705
- gender
2706
- eat
2707
- permanent
2708
- agriculture
2709
- dell
2710
- cleaning
2711
- constitutes
2712
- portfolio
2713
- practical
2714
- delivered
2715
- collectibles
2716
- infrastructure
2717
- exclusive
2718
- seat
2719
- concerns
2720
- colour
2721
- vendor
2722
- originally
2723
- intel
2724
- utilities
2725
- philosophy
2726
- regulation
2727
- officers
2728
- reduction
2729
- aim
2730
- bids
2731
- referred
2732
- supports
2733
- nutrition
2734
- recording
2735
- regions
2736
- junior
2737
- toll
2738
- les
2739
- cape
2740
- ann
2741
- rings
2742
- meaning
2743
- tip
2744
- secondary
2745
- wonderful
2746
- mine
2747
- ladies
2748
- henry
2749
- ticket
2750
- announced
2751
- guess
2752
- agreed
2753
- prevention
2754
- whom
2755
- ski
2756
- soccer
2757
- math
2758
- import
2759
- posting
2760
- presence
2761
- instant
2762
- mentioned
2763
- automatic
2764
- healthcare
2765
- viewing
2766
- maintained
2767
- ch
2768
- increasing
2769
- majority
2770
- connected
2771
- christ
2772
- dan
2773
- dogs
2774
- sd
2775
- directors
2776
- aspects
2777
- austria
2778
- ahead
2779
- moon
2780
- participation
2781
- scheme
2782
- utility
2783
- preview
2784
- fly
2785
- manner
2786
- matrix
2787
- containing
2788
- combination
2789
- devel
2790
- amendment
2791
- despite
2792
- strength
2793
- guaranteed
2794
- turkey
2795
- libraries
2796
- proper
2797
- distributed
2798
- degrees
2799
- singapore
2800
- enterprises
2801
- delta
2802
- fear
2803
- seeking
2804
- inches
2805
- phoenix
2806
- rs
2807
- convention
2808
- shares
2809
- principal
2810
- daughter
2811
- standing
2812
- comfort
2813
- colors
2814
- wars
2815
- cisco
2816
- ordering
2817
- kept
2818
- alpha
2819
- appeal
2820
- cruise
2821
- bonus
2822
- certification
2823
- previously
2824
- hey
2825
- bookmark
2826
- buildings
2827
- specials
2828
- beat
2829
- disney
2830
- household
2831
- batteries
2832
- adobe
2833
- smoking
2834
- bbc
2835
- becomes
2836
- drives
2837
- arms
2838
- alabama
2839
- tea
2840
- improved
2841
- trees
2842
- avg
2843
- achieve
2844
- positions
2845
- dress
2846
- subscription
2847
- dealer
2848
- contemporary
2849
- sky
2850
- utah
2851
- nearby
2852
- rom
2853
- carried
2854
- happen
2855
- exposure
2856
- panasonic
2857
- hide
2858
- permalink
2859
- signature
2860
- gambling
2861
- refer
2862
- miller
2863
- provision
2864
- outdoors
2865
- clothes
2866
- caused
2867
- luxury
2868
- babes
2869
- frames
2870
- certainly
2871
- indeed
2872
- newspaper
2873
- toy
2874
- circuit
2875
- layer
2876
- printed
2877
- slow
2878
- removal
2879
- easier
2880
- src
2881
- liability
2882
- trademark
2883
- hip
2884
- printers
2885
- faqs
2886
- nine
2887
- adding
2888
- kentucky
2889
- mostly
2890
- eric
2891
- spot
2892
- taylor
2893
- trackback
2894
- prints
2895
- spend
2896
- factory
2897
- interior
2898
- revised
2899
- grow
2900
- americans
2901
- optical
2902
- promotion
2903
- relative
2904
- amazing
2905
- clock
2906
- dot
2907
- hiv
2908
- identity
2909
- suites
2910
- conversion
2911
- feeling
2912
- hidden
2913
- reasonable
2914
- victoria
2915
- serial
2916
- relief
2917
- revision
2918
- broadband
2919
- influence
2920
- ratio
2921
- pda
2922
- importance
2923
- rain
2924
- onto
2925
- dsl
2926
- planet
2927
- webmaster
2928
- copies
2929
- recipe
2930
- zum
2931
- permit
2932
- seeing
2933
- proof
2934
- dna
2935
- diff
2936
- tennis
2937
- bass
2938
- prescription
2939
- bedroom
2940
- empty
2941
- instance
2942
- hole
2943
- pets
2944
- ride
2945
- licensed
2946
- orlando
2947
- specifically
2948
- tim
2949
- bureau
2950
- maine
2951
- sql
2952
- represent
2953
- conservation
2954
- pair
2955
- ideal
2956
- specs
2957
- recorded
2958
- don
2959
- pieces
2960
- finished
2961
- parks
2962
- dinner
2963
- lawyers
2964
- sydney
2965
- stress
2966
- cream
2967
- ss
2968
- runs
2969
- trends
2970
- yeah
2971
- discover
2972
- ap
2973
- patterns
2974
- boxes
2975
- louisiana
2976
- hills
2977
- javascript
2978
- fourth
2979
- nm
2980
- advisor
2981
- mn
2982
- marketplace
2983
- nd
2984
- evil
2985
- aware
2986
- wilson
2987
- shape
2988
- evolution
2989
- irish
2990
- certificates
2991
- objectives
2992
- stations
2993
- suggested
2994
- gps
2995
- op
2996
- remains
2997
- acc
2998
- greatest
2999
- firms
3000
- concerned
3001
- euro
3002
- operator
3003
- structures
3004
- generic
3005
- encyclopedia
3006
- usage
3007
- cap
3008
- ink
3009
- charts
3010
- continuing
3011
- mixed
3012
- census
3013
- interracial
3014
- peak
3015
- tn
3016
- competitive
3017
- exist
3018
- wheel
3019
- transit
3020
- suppliers
3021
- salt
3022
- compact
3023
- poetry
3024
- lights
3025
- tracking
3026
- angel
3027
- bell
3028
- keeping
3029
- preparation
3030
- attempt
3031
- receiving
3032
- matches
3033
- accordance
3034
- width
3035
- noise
3036
- engines
3037
- forget
3038
- array
3039
- discussed
3040
- accurate
3041
- stephen
3042
- elizabeth
3043
- climate
3044
- reservations
3045
- pin
3046
- playstation
3047
- alcohol
3048
- greek
3049
- instruction
3050
- managing
3051
- annotation
3052
- sister
3053
- raw
3054
- differences
3055
- walking
3056
- explain
3057
- smaller
3058
- newest
3059
- establish
3060
- gnu
3061
- happened
3062
- expressed
3063
- jeff
3064
- extent
3065
- sharp
3066
- lesbians
3067
- ben
3068
- lane
3069
- paragraph
3070
- kill
3071
- mathematics
3072
- aol
3073
- compensation
3074
- ce
3075
- export
3076
- managers
3077
- aircraft
3078
- modules
3079
- sweden
3080
- conflict
3081
- conducted
3082
- versions
3083
- employer
3084
- occur
3085
- percentage
3086
- knows
3087
- mississippi
3088
- describe
3089
- concern
3090
- backup
3091
- requested
3092
- citizens
3093
- connecticut
3094
- heritage
3095
- personals
3096
- immediate
3097
- holding
3098
- trouble
3099
- spread
3100
- coach
3101
- kevin
3102
- agricultural
3103
- expand
3104
- supporting
3105
- audience
3106
- assigned
3107
- jordan
3108
- collections
3109
- ages
3110
- participate
3111
- plug
3112
- specialist
3113
- cook
3114
- affect
3115
- virgin
3116
- experienced
3117
- investigation
3118
- raised
3119
- hat
3120
- institution
3121
- directed
3122
- dealers
3123
- searching
3124
- sporting
3125
- helping
3126
- perl
3127
- affected
3128
- lib
3129
- bike
3130
- totally
3131
- plate
3132
- expenses
3133
- indicate
3134
- blonde
3135
- ab
3136
- proceedings
3137
- favourite
3138
- transmission
3139
- anderson
3140
- utc
3141
- characteristics
3142
- der
3143
- lose
3144
- organic
3145
- seek
3146
- experiences
3147
- albums
3148
- cheats
3149
- extremely
3150
- verzeichnis
3151
- contracts
3152
- guests
3153
- hosted
3154
- diseases
3155
- concerning
3156
- developers
3157
- equivalent
3158
- chemistry
3159
- tony
3160
- neighborhood
3161
- nevada
3162
- kits
3163
- thailand
3164
- variables
3165
- agenda
3166
- anyway
3167
- continues
3168
- tracks
3169
- advisory
3170
- cam
3171
- curriculum
3172
- logic
3173
- template
3174
- prince
3175
- circle
3176
- soil
3177
- grants
3178
- anywhere
3179
- psychology
3180
- responses
3181
- atlantic
3182
- wet
3183
- circumstances
3184
- edward
3185
- investor
3186
- identification
3187
- ram
3188
- leaving
3189
- wildlife
3190
- appliances
3191
- matt
3192
- elementary
3193
- cooking
3194
- speaking
3195
- sponsors
3196
- fox
3197
- unlimited
3198
- respond
3199
- sizes
3200
- plain
3201
- exit
3202
- entered
3203
- iran
3204
- arm
3205
- keys
3206
- launch
3207
- wave
3208
- checking
3209
- costa
3210
- belgium
3211
- printable
3212
- holy
3213
- acts
3214
- guidance
3215
- mesh
3216
- trail
3217
- enforcement
3218
- symbol
3219
- crafts
3220
- highway
3221
- buddy
3222
- hardcover
3223
- observed
3224
- dean
3225
- setup
3226
- poll
3227
- booking
3228
- glossary
3229
- fiscal
3230
- celebrity
3231
- styles
3232
- denver
3233
- unix
3234
- filled
3235
- bond
3236
- channels
3237
- ericsson
3238
- appendix
3239
- notify
3240
- blues
3241
- chocolate
3242
- pub
3243
- portion
3244
- scope
3245
- hampshire
3246
- supplier
3247
- cables
3248
- cotton
3249
- bluetooth
3250
- controlled
3251
- requirement
3252
- authorities
3253
- biology
3254
- dental
3255
- killed
3256
- border
3257
- ancient
3258
- debate
3259
- representatives
3260
- starts
3261
- pregnancy
3262
- causes
3263
- arkansas
3264
- biography
3265
- leisure
3266
- attractions
3267
- learned
3268
- transactions
3269
- notebook
3270
- explorer
3271
- historic
3272
- attached
3273
- opened
3274
- tm
3275
- husband
3276
- disabled
3277
- authorized
3278
- crazy
3279
- upcoming
3280
- britain
3281
- concert
3282
- retirement
3283
- scores
3284
- financing
3285
- efficiency
3286
- sp
3287
- comedy
3288
- adopted
3289
- efficient
3290
- weblog
3291
- linear
3292
- commitment
3293
- specialty
3294
- bears
3295
- jean
3296
- hop
3297
- carrier
3298
- edited
3299
- constant
3300
- visa
3301
- mouth
3302
- jewish
3303
- meter
3304
- linked
3305
- portland
3306
- interviews
3307
- concepts
3308
- nh
3309
- gun
3310
- reflect
3311
- pure
3312
- deliver
3313
- wonder
3314
- lessons
3315
- fruit
3316
- begins
3317
- qualified
3318
- reform
3319
- lens
3320
- alerts
3321
- treated
3322
- discovery
3323
- draw
3324
- mysql
3325
- classified
3326
- relating
3327
- assume
3328
- confidence
3329
- alliance
3330
- fm
3331
- confirm
3332
- warm
3333
- neither
3334
- lewis
3335
- howard
3336
- offline
3337
- leaves
3338
- engineer
3339
- lifestyle
3340
- consistent
3341
- replace
3342
- clearance
3343
- connections
3344
- inventory
3345
- converter
3346
- organisation
3347
- babe
3348
- checks
3349
- reached
3350
- becoming
3351
- safari
3352
- objective
3353
- indicated
3354
- sugar
3355
- crew
3356
- legs
3357
- sam
3358
- stick
3359
- securities
3360
- allen
3361
- pdt
3362
- relation
3363
- enabled
3364
- genre
3365
- slide
3366
- montana
3367
- volunteer
3368
- tested
3369
- rear
3370
- democratic
3371
- enhance
3372
- switzerland
3373
- exact
3374
- bound
3375
- parameter
3376
- adapter
3377
- processor
3378
- node
3379
- formal
3380
- dimensions
3381
- contribute
3382
- lock
3383
- hockey
3384
- storm
3385
- micro
3386
- colleges
3387
- laptops
3388
- mile
3389
- showed
3390
- challenges
3391
- editors
3392
- mens
3393
- threads
3394
- bowl
3395
- supreme
3396
- brothers
3397
- recognition
3398
- presents
3399
- ref
3400
- tank
3401
- submission
3402
- dolls
3403
- estimate
3404
- encourage
3405
- navy
3406
- kid
3407
- regulatory
3408
- inspection
3409
- consumers
3410
- cancel
3411
- limits
3412
- territory
3413
- transaction
3414
- manchester
3415
- weapons
3416
- paint
3417
- delay
3418
- pilot
3419
- outlet
3420
- contributions
3421
- continuous
3422
- db
3423
- czech
3424
- resulting
3425
- cambridge
3426
- initiative
3427
- novel
3428
- pan
3429
- execution
3430
- disability
3431
- increases
3432
- ultra
3433
- winner
3434
- idaho
3435
- contractor
3436
- ph
3437
- episode
3438
- examination
3439
- potter
3440
- dish
3441
- plays
3442
- bulletin
3443
- ia
3444
- pt
3445
- indicates
3446
- modify
3447
- oxford
3448
- adam
3449
- truly
3450
- epinions
3451
- painting
3452
- committed
3453
- extensive
3454
- affordable
3455
- universe
3456
- candidate
3457
- databases
3458
- patent
3459
- slot
3460
- psp
3461
- outstanding
3462
- ha
3463
- eating
3464
- perspective
3465
- planned
3466
- watching
3467
- lodge
3468
- messenger
3469
- mirror
3470
- tournament
3471
- consideration
3472
- ds
3473
- discounts
3474
- sterling
3475
- sessions
3476
- kernel
3477
- stocks
3478
- buyers
3479
- journals
3480
- gray
3481
- catalogue
3482
- ea
3483
- jennifer
3484
- antonio
3485
- charged
3486
- broad
3487
- taiwan
3488
- und
3489
- chosen
3490
- demo
3491
- greece
3492
- lg
3493
- swiss
3494
- sarah
3495
- clark
3496
- labour
3497
- hate
3498
- terminal
3499
- publishers
3500
- nights
3501
- behalf
3502
- caribbean
3503
- liquid
3504
- rice
3505
- nebraska
3506
- loop
3507
- salary
3508
- reservation
3509
- foods
3510
- gourmet
3511
- guard
3512
- properly
3513
- orleans
3514
- saving
3515
- nfl
3516
- remaining
3517
- empire
3518
- resume
3519
- twenty
3520
- newly
3521
- raise
3522
- prepare
3523
- avatar
3524
- gary
3525
- depending
3526
- illegal
3527
- expansion
3528
- vary
3529
- hundreds
3530
- rome
3531
- arab
3532
- lincoln
3533
- helped
3534
- premier
3535
- tomorrow
3536
- purchased
3537
- milk
3538
- decide
3539
- consent
3540
- drama
3541
- visiting
3542
- performing
3543
- downtown
3544
- keyboard
3545
- contest
3546
- collected
3547
- nw
3548
- bands
3549
- boot
3550
- suitable
3551
- ff
3552
- absolutely
3553
- millions
3554
- lunch
3555
- audit
3556
- push
3557
- chamber
3558
- guinea
3559
- findings
3560
- muscle
3561
- featuring
3562
- iso
3563
- implement
3564
- clicking
3565
- scheduled
3566
- polls
3567
- typical
3568
- tower
3569
- yours
3570
- sum
3571
- misc
3572
- calculator
3573
- significantly
3574
- chicken
3575
- temporary
3576
- attend
3577
- shower
3578
- alan
3579
- sending
3580
- jason
3581
- tonight
3582
- dear
3583
- sufficient
3584
- holdem
3585
- shell
3586
- province
3587
- catholic
3588
- oak
3589
- vat
3590
- awareness
3591
- vancouver
3592
- governor
3593
- beer
3594
- seemed
3595
- contribution
3596
- measurement
3597
- swimming
3598
- spyware
3599
- formula
3600
- constitution
3601
- packaging
3602
- solar
3603
- jose
3604
- catch
3605
- jane
3606
- pakistan
3607
- ps
3608
- reliable
3609
- consultation
3610
- northwest
3611
- sir
3612
- doubt
3613
- earn
3614
- finder
3615
- unable
3616
- periods
3617
- classroom
3618
- tasks
3619
- democracy
3620
- attacks
3621
- kim
3622
- wallpaper
3623
- merchandise
3624
- const
3625
- resistance
3626
- doors
3627
- symptoms
3628
- resorts
3629
- biggest
3630
- memorial
3631
- visitor
3632
- twin
3633
- forth
3634
- insert
3635
- baltimore
3636
- gateway
3637
- ky
3638
- dont
3639
- alumni
3640
- drawing
3641
- candidates
3642
- charlotte
3643
- ordered
3644
- biological
3645
- fighting
3646
- transition
3647
- happens
3648
- preferences
3649
- spy
3650
- romance
3651
- instrument
3652
- bruce
3653
- split
3654
- themes
3655
- powers
3656
- heaven
3657
- br
3658
- bits
3659
- pregnant
3660
- twice
3661
- classification
3662
- focused
3663
- egypt
3664
- physician
3665
- hollywood
3666
- bargain
3667
- wikipedia
3668
- cellular
3669
- norway
3670
- vermont
3671
- asking
3672
- blocks
3673
- normally
3674
- lo
3675
- spiritual
3676
- hunting
3677
- diabetes
3678
- suit
3679
- ml
3680
- shift
3681
- chip
3682
- res
3683
- sit
3684
- bodies
3685
- photographs
3686
- cutting
3687
- wow
3688
- simon
3689
- writers
3690
- marks
3691
- flexible
3692
- loved
3693
- favourites
3694
- mapping
3695
- numerous
3696
- relatively
3697
- birds
3698
- satisfaction
3699
- represents
3700
- char
3701
- indexed
3702
- pittsburgh
3703
- superior
3704
- preferred
3705
- saved
3706
- paying
3707
- cartoon
3708
- shots
3709
- intellectual
3710
- moore
3711
- granted
3712
- choices
3713
- carbon
3714
- spending
3715
- comfortable
3716
- magnetic
3717
- interaction
3718
- listening
3719
- effectively
3720
- registry
3721
- crisis
3722
- outlook
3723
- massive
3724
- denmark
3725
- employed
3726
- bright
3727
- treat
3728
- header
3729
- cs
3730
- poverty
3731
- formed
3732
- piano
3733
- echo
3734
- que
3735
- grid
3736
- sheets
3737
- patrick
3738
- experimental
3739
- puerto
3740
- revolution
3741
- consolidation
3742
- displays
3743
- plasma
3744
- allowing
3745
- earnings
3746
- voip
3747
- mystery
3748
- landscape
3749
- dependent
3750
- mechanical
3751
- journey
3752
- delaware
3753
- bidding
3754
- consultants
3755
- risks
3756
- banner
3757
- applicant
3758
- charter
3759
- fig
3760
- barbara
3761
- cooperation
3762
- counties
3763
- acquisition
3764
- ports
3765
- implemented
3766
- sf
3767
- directories
3768
- recognized
3769
- dreams
3770
- blogger
3771
- notification
3772
- kg
3773
- licensing
3774
- stands
3775
- teach
3776
- occurred
3777
- textbooks
3778
- rapid
3779
- pull
3780
- hairy
3781
- diversity
3782
- cleveland
3783
- ut
3784
- reverse
3785
- deposit
3786
- seminar
3787
- investments
3788
- latina
3789
- nasa
3790
- wheels
3791
- specify
3792
- accessibility
3793
- dutch
3794
- sensitive
3795
- templates
3796
- formats
3797
- tab
3798
- depends
3799
- boots
3800
- holds
3801
- router
3802
- concrete
3803
- si
3804
- editing
3805
- poland
3806
- folder
3807
- womens
3808
- css
3809
- completion
3810
- upload
3811
- pulse
3812
- universities
3813
- technique
3814
- contractors
3815
- voting
3816
- courts
3817
- notices
3818
- subscriptions
3819
- calculate
3820
- mc
3821
- detroit
3822
- alexander
3823
- broadcast
3824
- converted
3825
- metro
3826
- toshiba
3827
- anniversary
3828
- improvements
3829
- strip
3830
- specification
3831
- pearl
3832
- accident
3833
- nick
3834
- accessible
3835
- accessory
3836
- resident
3837
- plot
3838
- qty
3839
- possibly
3840
- airline
3841
- typically
3842
- representation
3843
- regard
3844
- pump
3845
- exists
3846
- arrangements
3847
- smooth
3848
- conferences
3849
- uniprotkb
3850
- strike
3851
- consumption
3852
- birmingham
3853
- flashing
3854
- lp
3855
- narrow
3856
- afternoon
3857
- threat
3858
- surveys
3859
- sitting
3860
- putting
3861
- consultant
3862
- controller
3863
- ownership
3864
- committees
3865
- legislative
3866
- researchers
3867
- vietnam
3868
- trailer
3869
- anne
3870
- castle
3871
- gardens
3872
- missed
3873
- malaysia
3874
- unsubscribe
3875
- antique
3876
- labels
3877
- willing
3878
- bio
3879
- molecular
3880
- acting
3881
- heads
3882
- stored
3883
- exam
3884
- logos
3885
- residence
3886
- attorneys
3887
- antiques
3888
- density
3889
- hundred
3890
- ryan
3891
- operators
3892
- strange
3893
- sustainable
3894
- philippines
3895
- statistical
3896
- beds
3897
- mention
3898
- innovation
3899
- pcs
3900
- employers
3901
- grey
3902
- parallel
3903
- honda
3904
- amended
3905
- operate
3906
- bills
3907
- bold
3908
- bathroom
3909
- stable
3910
- opera
3911
- definitions
3912
- von
3913
- doctors
3914
- lesson
3915
- cinema
3916
- asset
3917
- ag
3918
- scan
3919
- elections
3920
- drinking
3921
- reaction
3922
- blank
3923
- enhanced
3924
- entitled
3925
- severe
3926
- generate
3927
- stainless
3928
- newspapers
3929
- hospitals
3930
- vi
3931
- deluxe
3932
- humor
3933
- aged
3934
- monitors
3935
- exception
3936
- lived
3937
- duration
3938
- bulk
3939
- successfully
3940
- indonesia
3941
- pursuant
3942
- sci
3943
- fabric
3944
- edt
3945
- visits
3946
- primarily
3947
- tight
3948
- domains
3949
- capabilities
3950
- pmid
3951
- contrast
3952
- recommendation
3953
- flying
3954
- recruitment
3955
- sin
3956
- berlin
3957
- cute
3958
- organized
3959
- ba
3960
- para
3961
- siemens
3962
- adoption
3963
- improving
3964
- cr
3965
- expensive
3966
- meant
3967
- capture
3968
- pounds
3969
- buffalo
3970
- organisations
3971
- plane
3972
- pg
3973
- explained
3974
- seed
3975
- programmes
3976
- desire
3977
- expertise
3978
- mechanism
3979
- camping
3980
- ee
3981
- jewellery
3982
- meets
3983
- welfare
3984
- peer
3985
- caught
3986
- eventually
3987
- marked
3988
- driven
3989
- measured
3990
- medline
3991
- bottle
3992
- agreements
3993
- considering
3994
- innovative
3995
- marshall
3996
- massage
3997
- rubber
3998
- conclusion
3999
- closing
4000
- tampa
4001
- thousand
4002
- meat
4003
- legend
4004
- grace
4005
- susan
4006
- ing
4007
- ks
4008
- adams
4009
- python
4010
- monster
4011
- alex
4012
- bang
4013
- villa
4014
- bone
4015
- columns
4016
- disorders
4017
- bugs
4018
- collaboration
4019
- hamilton
4020
- detection
4021
- ftp
4022
- cookies
4023
- inner
4024
- formation
4025
- tutorial
4026
- med
4027
- engineers
4028
- entity
4029
- cruises
4030
- gate
4031
- holder
4032
- proposals
4033
- moderator
4034
- sw
4035
- tutorials
4036
- settlement
4037
- portugal
4038
- lawrence
4039
- roman
4040
- duties
4041
- valuable
4042
- tone
4043
- collectables
4044
- ethics
4045
- forever
4046
- dragon
4047
- busy
4048
- captain
4049
- fantastic
4050
- imagine
4051
- brings
4052
- heating
4053
- leg
4054
- neck
4055
- hd
4056
- wing
4057
- governments
4058
- purchasing
4059
- scripts
4060
- abc
4061
- stereo
4062
- appointed
4063
- taste
4064
- dealing
4065
- commit
4066
- tiny
4067
- operational
4068
- rail
4069
- airlines
4070
- liberal
4071
- livecam
4072
- jay
4073
- trips
4074
- gap
4075
- sides
4076
- tube
4077
- turns
4078
- corresponding
4079
- descriptions
4080
- cache
4081
- belt
4082
- jacket
4083
- determination
4084
- animation
4085
- oracle
4086
- er
4087
- matthew
4088
- lease
4089
- productions
4090
- aviation
4091
- hobbies
4092
- proud
4093
- excess
4094
- disaster
4095
- console
4096
- commands
4097
- jr
4098
- telecommunications
4099
- instructor
4100
- giant
4101
- achieved
4102
- injuries
4103
- shipped
4104
- seats
4105
- approaches
4106
- biz
4107
- alarm
4108
- voltage
4109
- anthony
4110
- nintendo
4111
- usual
4112
- loading
4113
- stamps
4114
- appeared
4115
- franklin
4116
- angle
4117
- rob
4118
- vinyl
4119
- highlights
4120
- mining
4121
- designers
4122
- melbourne
4123
- ongoing
4124
- worst
4125
- imaging
4126
- betting
4127
- scientists
4128
- liberty
4129
- wyoming
4130
- blackjack
4131
- argentina
4132
- era
4133
- convert
4134
- possibility
4135
- analyst
4136
- commissioner
4137
- dangerous
4138
- garage
4139
- exciting
4140
- reliability
4141
- thongs
4142
- gcc
4143
- unfortunately
4144
- respectively
4145
- volunteers
4146
- attachment
4147
- ringtone
4148
- finland
4149
- morgan
4150
- derived
4151
- pleasure
4152
- honor
4153
- asp
4154
- oriented
4155
- eagle
4156
- desktops
4157
- pants
4158
- columbus
4159
- nurse
4160
- prayer
4161
- appointment
4162
- workshops
4163
- hurricane
4164
- quiet
4165
- luck
4166
- postage
4167
- producer
4168
- represented
4169
- mortgages
4170
- dial
4171
- responsibilities
4172
- cheese
4173
- comic
4174
- carefully
4175
- jet
4176
- productivity
4177
- investors
4178
- crown
4179
- par
4180
- underground
4181
- diagnosis
4182
- maker
4183
- crack
4184
- principle
4185
- picks
4186
- vacations
4187
- gang
4188
- semester
4189
- calculated
4190
- fetish
4191
- applies
4192
- casinos
4193
- appearance
4194
- smoke
4195
- apache
4196
- filters
4197
- incorporated
4198
- nv
4199
- craft
4200
- cake
4201
- notebooks
4202
- apart
4203
- fellow
4204
- blind
4205
- lounge
4206
- mad
4207
- algorithm
4208
- semi
4209
- coins
4210
- andy
4211
- gross
4212
- strongly
4213
- cafe
4214
- valentine
4215
- hilton
4216
- ken
4217
- proteins
4218
- horror
4219
- su
4220
- exp
4221
- familiar
4222
- capable
4223
- douglas
4224
- debian
4225
- till
4226
- involving
4227
- pen
4228
- investing
4229
- christopher
4230
- admission
4231
- epson
4232
- shoe
4233
- elected
4234
- carrying
4235
- victory
4236
- sand
4237
- madison
4238
- terrorism
4239
- joy
4240
- editions
4241
- cpu
4242
- mainly
4243
- ethnic
4244
- ran
4245
- parliament
4246
- actor
4247
- finds
4248
- seal
4249
- situations
4250
- fifth
4251
- allocated
4252
- citizen
4253
- vertical
4254
- corrections
4255
- structural
4256
- municipal
4257
- describes
4258
- prize
4259
- sr
4260
- occurs
4261
- jon
4262
- absolute
4263
- disabilities
4264
- consists
4265
- anytime
4266
- substance
4267
- prohibited
4268
- addressed
4269
- lies
4270
- pipe
4271
- soldiers
4272
- nr
4273
- guardian
4274
- lecture
4275
- simulation
4276
- layout
4277
- initiatives
4278
- ill
4279
- concentration
4280
- classics
4281
- lbs
4282
- lay
4283
- interpretation
4284
- horses
4285
- lol
4286
- dirty
4287
- deck
4288
- wayne
4289
- donate
4290
- taught
4291
- bankruptcy
4292
- mp
4293
- worker
4294
- optimization
4295
- alive
4296
- temple
4297
- substances
4298
- prove
4299
- discovered
4300
- wings
4301
- breaks
4302
- genetic
4303
- restrictions
4304
- participating
4305
- waters
4306
- promise
4307
- thin
4308
- exhibition
4309
- prefer
4310
- ridge
4311
- cabinet
4312
- modem
4313
- harris
4314
- mph
4315
- bringing
4316
- sick
4317
- dose
4318
- evaluate
4319
- tiffany
4320
- tropical
4321
- collect
4322
- bet
4323
- composition
4324
- toyota
4325
- streets
4326
- nationwide
4327
- vector
4328
- definitely
4329
- shaved
4330
- turning
4331
- buffer
4332
- purple
4333
- existence
4334
- commentary
4335
- larry
4336
- limousines
4337
- developments
4338
- def
4339
- immigration
4340
- destinations
4341
- lets
4342
- mutual
4343
- pipeline
4344
- necessarily
4345
- syntax
4346
- li
4347
- attribute
4348
- prison
4349
- skill
4350
- chairs
4351
- nl
4352
- everyday
4353
- apparently
4354
- surrounding
4355
- mountains
4356
- moves
4357
- popularity
4358
- inquiry
4359
- ethernet
4360
- checked
4361
- exhibit
4362
- throw
4363
- trend
4364
- sierra
4365
- visible
4366
- cats
4367
- desert
4368
- postposted
4369
- ya
4370
- oldest
4371
- rhode
4372
- nba
4373
- coordinator
4374
- obviously
4375
- mercury
4376
- steven
4377
- handbook
4378
- greg
4379
- navigate
4380
- worse
4381
- summit
4382
- victims
4383
- epa
4384
- spaces
4385
- fundamental
4386
- burning
4387
- escape
4388
- coupons
4389
- somewhat
4390
- receiver
4391
- substantial
4392
- tr
4393
- progressive
4394
- cialis
4395
- bb
4396
- boats
4397
- glance
4398
- scottish
4399
- championship
4400
- arcade
4401
- richmond
4402
- sacramento
4403
- impossible
4404
- ron
4405
- russell
4406
- tells
4407
- obvious
4408
- fiber
4409
- depression
4410
- graph
4411
- covering
4412
- platinum
4413
- judgment
4414
- bedrooms
4415
- talks
4416
- filing
4417
- foster
4418
- modeling
4419
- passing
4420
- awarded
4421
- testimonials
4422
- trials
4423
- tissue
4424
- nz
4425
- memorabilia
4426
- clinton
4427
- masters
4428
- bonds
4429
- cartridge
4430
- alberta
4431
- explanation
4432
- folk
4433
- org
4434
- commons
4435
- cincinnati
4436
- subsection
4437
- fraud
4438
- electricity
4439
- permitted
4440
- spectrum
4441
- arrival
4442
- okay
4443
- pottery
4444
- emphasis
4445
- roger
4446
- aspect
4447
- workplace
4448
- awesome
4449
- mexican
4450
- confirmed
4451
- counts
4452
- priced
4453
- wallpapers
4454
- hist
4455
- crash
4456
- lift
4457
- desired
4458
- inter
4459
- closer
4460
- assumes
4461
- heights
4462
- shadow
4463
- riding
4464
- infection
4465
- firefox
4466
- lisa
4467
- expense
4468
- grove
4469
- eligibility
4470
- venture
4471
- clinic
4472
- korean
4473
- healing
4474
- princess
4475
- mall
4476
- entering
4477
- packet
4478
- spray
4479
- studios
4480
- involvement
4481
- dad
4482
- buttons
4483
- placement
4484
- observations
4485
- vbulletin
4486
- funded
4487
- thompson
4488
- winners
4489
- extend
4490
- roads
4491
- subsequent
4492
- pat
4493
- dublin
4494
- rolling
4495
- fell
4496
- motorcycle
4497
- yard
4498
- disclosure
4499
- establishment
4500
- memories
4501
- nelson
4502
- te
4503
- arrived
4504
- creates
4505
- faces
4506
- tourist
4507
- av
4508
- mayor
4509
- murder
4510
- sean
4511
- adequate
4512
- senator
4513
- yield
4514
- presentations
4515
- grades
4516
- cartoons
4517
- pour
4518
- digest
4519
- reg
4520
- lodging
4521
- tion
4522
- dust
4523
- hence
4524
- wiki
4525
- entirely
4526
- replaced
4527
- radar
4528
- rescue
4529
- undergraduate
4530
- losses
4531
- combat
4532
- reducing
4533
- stopped
4534
- occupation
4535
- lakes
4536
- donations
4537
- associations
4538
- citysearch
4539
- closely
4540
- radiation
4541
- diary
4542
- seriously
4543
- kings
4544
- shooting
4545
- kent
4546
- adds
4547
- nsw
4548
- ear
4549
- flags
4550
- pci
4551
- baker
4552
- launched
4553
- elsewhere
4554
- pollution
4555
- conservative
4556
- guestbook
4557
- shock
4558
- effectiveness
4559
- walls
4560
- abroad
4561
- ebony
4562
- tie
4563
- ward
4564
- drawn
4565
- arthur
4566
- ian
4567
- visited
4568
- roof
4569
- walker
4570
- demonstrate
4571
- atmosphere
4572
- suggests
4573
- kiss
4574
- beast
4575
- ra
4576
- operated
4577
- experiment
4578
- targets
4579
- overseas
4580
- purchases
4581
- dodge
4582
- counsel
4583
- federation
4584
- pizza
4585
- invited
4586
- yards
4587
- assignment
4588
- chemicals
4589
- gordon
4590
- mod
4591
- farmers
4592
- rc
4593
- queries
4594
- bmw
4595
- rush
4596
- ukraine
4597
- absence
4598
- nearest
4599
- cluster
4600
- vendors
4601
- mpeg
4602
- whereas
4603
- yoga
4604
- serves
4605
- woods
4606
- surprise
4607
- lamp
4608
- rico
4609
- partial
4610
- shoppers
4611
- phil
4612
- everybody
4613
- couples
4614
- nashville
4615
- ranking
4616
- jokes
4617
- cst
4618
- http
4619
- ceo
4620
- simpson
4621
- twiki
4622
- sublime
4623
- counseling
4624
- palace
4625
- acceptable
4626
- satisfied
4627
- glad
4628
- wins
4629
- measurements
4630
- verify
4631
- globe
4632
- trusted
4633
- copper
4634
- milwaukee
4635
- rack
4636
- medication
4637
- warehouse
4638
- shareware
4639
- ec
4640
- rep
4641
- dicke
4642
- kerry
4643
- receipt
4644
- supposed
4645
- ordinary
4646
- nobody
4647
- ghost
4648
- violation
4649
- configure
4650
- stability
4651
- mit
4652
- applying
4653
- southwest
4654
- boss
4655
- pride
4656
- institutional
4657
- expectations
4658
- independence
4659
- knowing
4660
- reporter
4661
- metabolism
4662
- keith
4663
- champion
4664
- cloudy
4665
- linda
4666
- ross
4667
- personally
4668
- chile
4669
- anna
4670
- plenty
4671
- solo
4672
- sentence
4673
- throat
4674
- ignore
4675
- maria
4676
- uniform
4677
- excellence
4678
- wealth
4679
- tall
4680
- rm
4681
- somewhere
4682
- vacuum
4683
- dancing
4684
- attributes
4685
- recognize
4686
- brass
4687
- writes
4688
- plaza
4689
- pdas
4690
- outcomes
4691
- survival
4692
- quest
4693
- publish
4694
- sri
4695
- screening
4696
- toe
4697
- thumbnail
4698
- trans
4699
- jonathan
4700
- whenever
4701
- nova
4702
- lifetime
4703
- api
4704
- pioneer
4705
- booty
4706
- forgotten
4707
- acrobat
4708
- plates
4709
- acres
4710
- venue
4711
- athletic
4712
- thermal
4713
- essays
4714
- behaviour
4715
- vital
4716
- telling
4717
- fairly
4718
- coastal
4719
- config
4720
- cf
4721
- charity
4722
- intelligent
4723
- edinburgh
4724
- vt
4725
- excel
4726
- modes
4727
- obligation
4728
- campbell
4729
- wake
4730
- stupid
4731
- harbor
4732
- hungary
4733
- traveler
4734
- urw
4735
- segment
4736
- realize
4737
- regardless
4738
- lan
4739
- enemy
4740
- puzzle
4741
- rising
4742
- aluminum
4743
- wells
4744
- wishlist
4745
- opens
4746
- insight
4747
- sms
4748
- restricted
4749
- republican
4750
- secrets
4751
- lucky
4752
- latter
4753
- merchants
4754
- thick
4755
- trailers
4756
- repeat
4757
- syndrome
4758
- philips
4759
- attendance
4760
- penalty
4761
- drum
4762
- glasses
4763
- enables
4764
- nec
4765
- iraqi
4766
- builder
4767
- vista
4768
- jessica
4769
- chips
4770
- terry
4771
- flood
4772
- foto
4773
- ease
4774
- arguments
4775
- amsterdam
4776
- arena
4777
- adventures
4778
- pupils
4779
- stewart
4780
- announcement
4781
- tabs
4782
- outcome
4783
- appreciate
4784
- expanded
4785
- casual
4786
- grown
4787
- polish
4788
- lovely
4789
- extras
4790
- gm
4791
- centres
4792
- jerry
4793
- clause
4794
- smile
4795
- lands
4796
- ri
4797
- troops
4798
- indoor
4799
- bulgaria
4800
- armed
4801
- broker
4802
- charger
4803
- regularly
4804
- believed
4805
- pine
4806
- cooling
4807
- tend
4808
- gulf
4809
- rt
4810
- rick
4811
- trucks
4812
- cp
4813
- mechanisms
4814
- divorce
4815
- laura
4816
- shopper
4817
- tokyo
4818
- partly
4819
- nikon
4820
- customize
4821
- tradition
4822
- candy
4823
- pills
4824
- tiger
4825
- donald
4826
- folks
4827
- sensor
4828
- exposed
4829
- telecom
4830
- hunt
4831
- angels
4832
- deputy
4833
- indicators
4834
- sealed
4835
- thai
4836
- emissions
4837
- physicians
4838
- loaded
4839
- fred
4840
- complaint
4841
- scenes
4842
- experiments
4843
- afghanistan
4844
- dd
4845
- boost
4846
- spanking
4847
- scholarship
4848
- governance
4849
- mill
4850
- founded
4851
- supplements
4852
- chronic
4853
- icons
4854
- moral
4855
- den
4856
- catering
4857
- aud
4858
- finger
4859
- keeps
4860
- pound
4861
- locate
4862
- camcorder
4863
- pl
4864
- trained
4865
- burn
4866
- implementing
4867
- roses
4868
- labs
4869
- ourselves
4870
- bread
4871
- tobacco
4872
- wooden
4873
- motors
4874
- tough
4875
- roberts
4876
- incident
4877
- gonna
4878
- dynamics
4879
- lie
4880
- crm
4881
- rf
4882
- conversation
4883
- decrease
4884
- chest
4885
- pension
4886
- billy
4887
- revenues
4888
- emerging
4889
- worship
4890
- capability
4891
- ak
4892
- fe
4893
- craig
4894
- herself
4895
- producing
4896
- churches
4897
- precision
4898
- damages
4899
- reserves
4900
- contributed
4901
- solve
4902
- shorts
4903
- reproduction
4904
- minority
4905
- td
4906
- diverse
4907
- amp
4908
- ingredients
4909
- sb
4910
- ah
4911
- johnny
4912
- sole
4913
- franchise
4914
- recorder
4915
- complaints
4916
- facing
4917
- sm
4918
- nancy
4919
- promotions
4920
- tones
4921
- passion
4922
- rehabilitation
4923
- maintaining
4924
- sight
4925
- laid
4926
- clay
4927
- defence
4928
- patches
4929
- weak
4930
- refund
4931
- usc
4932
- towns
4933
- environments
4934
- trembl
4935
- divided
4936
- blvd
4937
- reception
4938
- amd
4939
- wise
4940
- emails
4941
- cyprus
4942
- wv
4943
- odds
4944
- correctly
4945
- insider
4946
- seminars
4947
- consequences
4948
- makers
4949
- hearts
4950
- geography
4951
- appearing
4952
- integrity
4953
- worry
4954
- ns
4955
- discrimination
4956
- eve
4957
- carter
4958
- legacy
4959
- marc
4960
- pleased
4961
- danger
4962
- vitamin
4963
- widely
4964
- processed
4965
- phrase
4966
- genuine
4967
- raising
4968
- implications
4969
- functionality
4970
- paradise
4971
- hybrid
4972
- reads
4973
- roles
4974
- intermediate
4975
- emotional
4976
- sons
4977
- leaf
4978
- pad
4979
- glory
4980
- platforms
4981
- ja
4982
- bigger
4983
- billing
4984
- diesel
4985
- versus
4986
- combine
4987
- overnight
4988
- geographic
4989
- exceed
4990
- bs
4991
- rod
4992
- saudi
4993
- fault
4994
- cuba
4995
- hrs
4996
- preliminary
4997
- districts
4998
- introduce
4999
- silk
5000
- promotional
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
ControllableComplexityChatbot-huggingface-compatible/requirements.txt DELETED
@@ -1,9 +0,0 @@
1
- torch
2
- transformers
3
- scipy
4
- regex
5
- gradio
6
- numpy
7
- setuptools
8
- iopath
9
- git+https://github.com/facebookresearch/ParlAI.git@1.6.0