sidharthg commited on
Commit
f7e37b5
·
verified ·
1 Parent(s): c2a39f7

Upload 10 files

Browse files
app.py ADDED
@@ -0,0 +1,169 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ import gradio as gr
2
+ import torch
3
+ from transformers import AutoTokenizer, AutoConfig
4
+ from model import SmolLM2
5
+ import os
6
+
7
+ # 1. Setup and Loading
8
+ device = "cuda" if torch.cuda.is_available() else "cpu"
9
+ checkpoint_path = "checkpoint_5050.pt"
10
+ tokenizer_path = "./custom_tokenizer"
11
+
12
+ print(f"Using device: {device}")
13
+
14
+ # Load Tokenizer
15
+ if os.path.exists(tokenizer_path):
16
+ tokenizer = AutoTokenizer.from_pretrained(tokenizer_path)
17
+ else:
18
+ # Fallback
19
+ tokenizer = AutoTokenizer.from_pretrained("HuggingFaceTB/SmolLM2-135M")
20
+
21
+ if tokenizer.pad_token is None:
22
+ tokenizer.pad_token = tokenizer.eos_token
23
+
24
+ # Load Model
25
+ config = AutoConfig.from_pretrained("HuggingFaceTB/SmolLM2-135M")
26
+ config.vocab_size = len(tokenizer) # Sync vocab size
27
+ model = SmolLM2(config).to(device)
28
+
29
+ # Load Checkpoint
30
+ if os.path.exists(checkpoint_path):
31
+ print(f"Loading checkpoint from {checkpoint_path}")
32
+ state_dict = torch.load(checkpoint_path, map_location=device, weights_only=True)
33
+ model.load_state_dict(state_dict)
34
+ else:
35
+ print("Checkpoint not found! Using random weights.")
36
+
37
+ model.eval()
38
+
39
+ # 2. Generation Function
40
+ def generate(prompt, max_new_tokens, temperature, top_k, top_p, repetition_penalty):
41
+ inputs = tokenizer(prompt, return_tensors="pt").to(device)
42
+ input_ids = inputs.input_ids
43
+
44
+ # Generation settings
45
+ gen_kwargs = {
46
+ "max_new_tokens": int(max_new_tokens),
47
+ "temperature": float(temperature),
48
+ "top_k": int(top_k),
49
+ "top_p": float(top_p),
50
+ "repetition_penalty": float(repetition_penalty),
51
+ "do_sample": True,
52
+ "pad_token_id": tokenizer.pad_token_id,
53
+ "eos_token_id": tokenizer.eos_token_id
54
+ }
55
+
56
+ # Generate
57
+ with torch.no_grad():
58
+ generated_ids = input_ids
59
+ for _ in range(int(max_new_tokens)):
60
+ outputs = model(generated_ids)
61
+ next_token_logits = outputs[:, -1, :]
62
+
63
+ # Repetition Penalty
64
+ if repetition_penalty != 1.0:
65
+ for i in range(generated_ids.shape[0]):
66
+ for previous_token in set(generated_ids[i].tolist()):
67
+ if next_token_logits[i, previous_token] < 0:
68
+ next_token_logits[i, previous_token] *= repetition_penalty
69
+ else:
70
+ next_token_logits[i, previous_token] /= repetition_penalty
71
+
72
+ # Temperature
73
+ next_token_logits = next_token_logits / temperature
74
+
75
+ # Top-K
76
+ if top_k > 0:
77
+ indices_to_remove = next_token_logits < torch.topk(next_token_logits, top_k)[0][..., -1, None]
78
+ next_token_logits[indices_to_remove] = float('-inf')
79
+
80
+ # Top-P (Nucleus Sampling)
81
+ if top_p < 1.0:
82
+ sorted_logits, sorted_indices = torch.sort(next_token_logits, descending=True)
83
+ cumulative_probs = torch.softmax(sorted_logits, dim=-1).cumsum(dim=-1)
84
+ sorted_indices_to_remove = cumulative_probs > top_p
85
+ # Shift the indices to the right to keep also the first token above the threshold
86
+ sorted_indices_to_remove[..., 1:] = sorted_indices_to_remove[..., :-1].clone()
87
+ sorted_indices_to_remove[..., 0] = 0
88
+ indices_to_remove = sorted_indices_to_remove.scatter(1, sorted_indices, sorted_indices_to_remove)
89
+ next_token_logits[indices_to_remove] = float('-inf')
90
+
91
+ probs = torch.nn.functional.softmax(next_token_logits, dim=-1)
92
+ next_token = torch.multinomial(probs, num_samples=1)
93
+ generated_ids = torch.cat([generated_ids, next_token], dim=1)
94
+
95
+ if next_token.item() == tokenizer.eos_token_id:
96
+ break
97
+
98
+ return tokenizer.decode(generated_ids[0], skip_special_tokens=True)
99
+
100
+ # 3. Gradio UI - Redesigned
101
+ with gr.Blocks(theme=gr.themes.Ocean()) as demo:
102
+ gr.Markdown(
103
+ """
104
+ # 🌌 SmolLM2-135M Playground
105
+ ### A custom 135M parameter model trained from scratch.
106
+ """
107
+ )
108
+
109
+ with gr.Row():
110
+ # Sidebar for Settings
111
+ with gr.Column(scale=1, variant="panel"):
112
+ gr.Markdown("### ⚙️ Generation Settings")
113
+ gr.Markdown("Adjust these parameters to control the creativity and length of the generated text.")
114
+
115
+ max_new_tokens = gr.Slider(minimum=10, maximum=1024, value=150, step=10, label="Max New Tokens", info="Maximum number of tokens to generate.")
116
+ temperature = gr.Slider(minimum=0.1, maximum=2.0, value=0.8, step=0.1, label="Temperature", info="Higher values mean more random/creative output.")
117
+ top_k = gr.Slider(minimum=0, maximum=100, value=40, step=1, label="Top-K", info="Limit to top K tokens.")
118
+ top_p = gr.Slider(minimum=0.1, maximum=1.0, value=0.9, step=0.05, label="Top-P", info="Nucleus sampling probability.")
119
+ repetition_penalty = gr.Slider(minimum=1.0, maximum=2.0, value=1.2, step=0.1, label="Repetition Penalty", info="Penalize repeated tokens.")
120
+
121
+ # Main Content Area
122
+ with gr.Column(scale=3):
123
+ prompt = gr.Textbox(
124
+ label="Input Prompt",
125
+ placeholder="Type your prompt here (e.g., 'First Citizen:')...",
126
+ lines=5,
127
+ show_copy_button=True
128
+ )
129
+
130
+ gr.Examples(
131
+ examples=[
132
+ ["First Citizen:"],
133
+ ["The meaning of life is"],
134
+ ["Once upon a time"],
135
+ ["To be or not to be"],
136
+ ["The quick brown fox"]
137
+ ],
138
+ inputs=prompt,
139
+ label="Click on an example to load it:"
140
+ )
141
+
142
+ generate_btn = gr.Button("✨ Generate Text", variant="primary", size="lg")
143
+
144
+ output = gr.Textbox(
145
+ label="Generated Output",
146
+ lines=12,
147
+ show_copy_button=True,
148
+ interactive=False
149
+ )
150
+
151
+ # Footer / Info
152
+ with gr.Accordion("ℹ️ Model Information", open=False):
153
+ gr.Markdown(
154
+ """
155
+ * **Architecture**: SmolLM2 (Transformer with Grouped Query Attention)
156
+ * **Parameters**: 135M
157
+ * **Training Data**: Wikitext / Custom Dataset
158
+ * **Tokenizer**: Custom BPE
159
+ """
160
+ )
161
+
162
+ generate_btn.click(
163
+ fn=generate,
164
+ inputs=[prompt, max_new_tokens, temperature, top_k, top_p, repetition_penalty],
165
+ outputs=output
166
+ )
167
+
168
+ if __name__ == "__main__":
169
+ demo.launch()
checkpoint_5050.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d7bc6ed81d4f7cedb6b00bb4dc1cc5ed7178f5380921d19919e26f57327834e8
3
+ size 447967800
custom_tokenizer/added_tokens.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ {
2
+ "<|endoftext|>": 5000
3
+ }
custom_tokenizer/merges.txt ADDED
@@ -0,0 +1,4740 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ #version: 0.2
2
+ Ġ t
3
+ h e
4
+ Ġ a
5
+ o u
6
+ Ġ s
7
+ Ġ m
8
+ i n
9
+ Ġ w
10
+ r e
11
+ h a
12
+ n d
13
+ Ġt he
14
+ Ġ b
15
+ i s
16
+ o r
17
+ Ġ f
18
+ e r
19
+ l l
20
+ i t
21
+ o n
22
+ Ġ d
23
+ Ġ c
24
+ e s
25
+ e n
26
+ Ġ n
27
+ Ġ l
28
+ Ġ y
29
+ Ġt h
30
+ a r
31
+ Ġ h
32
+ Ġ o
33
+ Ġt o
34
+ Ġy ou
35
+ Ġ p
36
+ ha t
37
+ Ġ I
38
+ Ġ he
39
+ v e
40
+ o t
41
+ s t
42
+ Ġa nd
43
+ o w
44
+ in g
45
+ a n
46
+ Ġo f
47
+ o m
48
+ Ġ g
49
+ a t
50
+ Ġb e
51
+ s e
52
+ Ġm y
53
+ Ġ in
54
+ c e
55
+ Ġ ha
56
+ l e
57
+ a y
58
+ l d
59
+ i r
60
+ e t
61
+ e d
62
+ u t
63
+ Ġm e
64
+ i m
65
+ it h
66
+ ' s
67
+ Ġn ot
68
+ c h
69
+ Ġt hat
70
+ Ġ is
71
+ g h
72
+ A nd
73
+ Ġf or
74
+ k e
75
+ Ġ u
76
+ ou r
77
+ Ġw e
78
+ o o
79
+ i ll
80
+ Ġ e
81
+ he r
82
+ Ġw ith
83
+ en t
84
+ Ġ it
85
+ Ġyou r
86
+ a d
87
+ r i
88
+ Ġth ou
89
+ Ġs t
90
+ ' d
91
+ Ġ k
92
+ om e
93
+ Ġh is
94
+ gh t
95
+ E N
96
+ or d
97
+ i d
98
+ T he
99
+ a s
100
+ Ġ re
101
+ Ġha ve
102
+ I N
103
+ l y
104
+ r a
105
+ Ġl i
106
+ Ġh im
107
+ u r
108
+ Ġth is
109
+ a l
110
+ I O
111
+ Ġs o
112
+ Ġa s
113
+ Ġd e
114
+ Ġ on
115
+ o re
116
+ r o
117
+ A R
118
+ h i
119
+ ou ld
120
+ oo d
121
+ c k
122
+ a in
123
+ v er
124
+ es t
125
+ Ġth y
126
+ Ġs ha
127
+ es s
128
+ e a
129
+ Ġd o
130
+ Ġw ill
131
+ a m
132
+ Ġn o
133
+ Ġb ut
134
+ u s
135
+ a nd
136
+ U S
137
+ i f
138
+ Ġs e
139
+ g e
140
+ T h
141
+ Ġa ll
142
+ a ke
143
+ Ġs u
144
+ T o
145
+ Ġhe r
146
+ r u
147
+ i on
148
+ t h
149
+ Ġa n
150
+ t er
151
+ ar d
152
+ Ġl o
153
+ ha n
154
+ e ll
155
+ e ar
156
+ Ġs p
157
+ Ġthe e
158
+ Ġ our
159
+ Ġf a
160
+ Ġsha ll
161
+ Ġb y
162
+ U C
163
+ i l
164
+ Ġa re
165
+ IN G
166
+ Ġ C
167
+ r om
168
+ Ġn e
169
+ h o
170
+ Ġk n
171
+ A N
172
+ Ġ R
173
+ T hat
174
+ Ġ v
175
+ E R
176
+ O R
177
+ a st
178
+ c t
179
+ ou s
180
+ Ġw hat
181
+ i ght
182
+ Ġs h
183
+ u l
184
+ E T
185
+ Ġ '
186
+ an t
187
+ E S
188
+ Ġu p
189
+ se l
190
+ q u
191
+ B ut
192
+ ar t
193
+ Ġg ood
194
+ r ow
195
+ in e
196
+ at h
197
+ Ġl ord
198
+ hi ch
199
+ n t
200
+ u st
201
+ ' ll
202
+ on e
203
+ Ġp r
204
+ Ġc om
205
+ Ġa t
206
+ Ġm an
207
+ W hat
208
+ Ġ M
209
+ Ġw he
210
+ Ġ E
211
+ K ING
212
+ Ġa m
213
+ e nd
214
+ i c
215
+ Ġc on
216
+ b le
217
+ r y
218
+ on g
219
+ i e
220
+ i ve
221
+ Ġb l
222
+ Ġf rom
223
+ v en
224
+ Ġ G
225
+ F or
226
+ Ġs he
227
+ e m
228
+ Ġg o
229
+ a re
230
+ Ġm ore
231
+ I C
232
+ ou t
233
+ Ġthe m
234
+ a u
235
+ Ġw as
236
+ ot h
237
+ ot her
238
+ H e
239
+ Ġs ir
240
+ o l
241
+ Ġn ow
242
+ Ġ L
243
+ Ġ hat
244
+ o st
245
+ Ġ if
246
+ L O
247
+ in d
248
+ Ġthe re
249
+ Ġw ould
250
+ Ġkn ow
251
+ Ġc an
252
+ er s
253
+ I US
254
+ e p
255
+ sel f
256
+ AR D
257
+ at her
258
+ f e
259
+ o nd
260
+ re s
261
+ at e
262
+ Ġs ay
263
+ Ġhe re
264
+ Ġlo ve
265
+ Ġs w
266
+ Ġthe ir
267
+ Ġb r
268
+ p p
269
+ Ġ or
270
+ - -
271
+ a ll
272
+ Ġ S
273
+ Ġt han
274
+ Ġthe n
275
+ Ġk ing
276
+ Ġu s
277
+ Ġ O
278
+ Ġ B
279
+ Ġthe y
280
+ Ġa r
281
+ o d
282
+ M y
283
+ Ġl et
284
+ Ġu n
285
+ i g
286
+ Ġw or
287
+ u re
288
+ in k
289
+ Ġ H
290
+ or t
291
+ h y
292
+ Ġ V
293
+ am e
294
+ f ore
295
+ A s
296
+ Ġm ay
297
+ e l
298
+ Ġ qu
299
+ Ġc ome
300
+ oo k
301
+ W he
302
+ is h
303
+ L I
304
+ Ġwe ll
305
+ K E
306
+ v es
307
+ Ġ j
308
+ Ġon e
309
+ Ġhat h
310
+ ir st
311
+ Y ou
312
+ Ġm ake
313
+ re at
314
+ a k
315
+ g ain
316
+ Ġm ust
317
+ ou nd
318
+ n g
319
+ Ġg ra
320
+ Ġwe re
321
+ Ġh o
322
+ c i
323
+ Ġse e
324
+ Ġli ke
325
+ u e
326
+ ea k
327
+ T IO
328
+ Ġsh ould
329
+ it y
330
+ Ġp ro
331
+ Ġ P
332
+ Ġs a
333
+ Ġm ad
334
+ u m
335
+ Ġp l
336
+ Ġf ather
337
+ R O
338
+ A U
339
+ Ġha d
340
+ Ġd id
341
+ p e
342
+ im e
343
+ Ġup on
344
+ i ce
345
+ O N
346
+ Ġto o
347
+ en ce
348
+ Ġ W
349
+ w ard
350
+ is t
351
+ Ġde ath
352
+ ow n
353
+ m an
354
+ o se
355
+ Ġ en
356
+ u n
357
+ I S
358
+ f ul
359
+ n ce
360
+ Ġ r
361
+ Ġp o
362
+ Ġsp eak
363
+ d e
364
+ ent le
365
+ i o
366
+ Ġ out
367
+ p t
368
+ Ġw hich
369
+ IC H
370
+ Ġf ri
371
+ O L
372
+ D U
373
+ Ġa gain
374
+ DU KE
375
+ Ġh ow
376
+ E L
377
+ i ck
378
+ Ġ A
379
+ Ġt ru
380
+ Ġhe art
381
+ Ġy et
382
+ Ġha nd
383
+ C A
384
+ Th ou
385
+ ver y
386
+ ICH ARD
387
+ EN TIO
388
+ W ith
389
+ ig n
390
+ Ġs ome
391
+ an ce
392
+ Ġw ho
393
+ W hich
394
+ I f
395
+ Ġwhe n
396
+ i es
397
+ Ġm ar
398
+ i re
399
+ Ġm ine
400
+ Ġh on
401
+ ha r
402
+ or n
403
+ Ġof f
404
+ in ce
405
+ IN C
406
+ I n
407
+ a ck
408
+ Ġ Y
409
+ Ġs on
410
+ Ġd is
411
+ Ġa l
412
+ ' t
413
+ W e
414
+ u ch
415
+ w n
416
+ Ġhe a
417
+ F irst
418
+ o y
419
+ Ġt ime
420
+ Ġhe ar
421
+ A B
422
+ e c
423
+ Ġsu ch
424
+ n ess
425
+ L A
426
+ Ġbr other
427
+ O f
428
+ Ġbl ood
429
+ it her
430
+ Ġa b
431
+ U E
432
+ W hy
433
+ Ġthe se
434
+ N o
435
+ Ġg ive
436
+ Ġf o
437
+ Ġd ay
438
+ ĠI I
439
+ Ġe ar
440
+ ĠR ICHARD
441
+ T ER
442
+ Ġ ro
443
+ is e
444
+ Ġe x
445
+ Ġli fe
446
+ Th is
447
+ e et
448
+ Ġt ell
449
+ S o
450
+ Ġl ook
451
+ Ġth ink
452
+ UC H
453
+ ou l
454
+ Ġw ord
455
+ Ġe y
456
+ Ġwhe re
457
+ a g
458
+ a ge
459
+ e en
460
+ t her
461
+ G LO
462
+ Ġt ake
463
+ UC ES
464
+ Ġfri end
465
+ GLO UCES
466
+ GLOUCES TER
467
+ e f
468
+ er v
469
+ ad y
470
+ row n
471
+ Ġd es
472
+ ing s
473
+ a ve
474
+ n ot
475
+ Ġg entle
476
+ ur se
477
+ H ow
478
+ R Y
479
+ Ġ ri
480
+ a se
481
+ Q UE
482
+ w ay
483
+ INC ENTIO
484
+ QUE EN
485
+ Ġl ea
486
+ t is
487
+ ĠO F
488
+ Ġar t
489
+ Ġm ost
490
+ Whe re
491
+ Ġhon our
492
+ L AN
493
+ Ġm uch
494
+ Ġs l
495
+ Ġw ar
496
+ Ġf l
497
+ ur n
498
+ Ġmad e
499
+ m ent
500
+ N ow
501
+ Ġha st
502
+ Ġt w
503
+ Ġf ear
504
+ Ġ T
505
+ Ġbe t
506
+ EN RY
507
+ au ght
508
+ I s
509
+ L E
510
+ b er
511
+ f f
512
+ ĠG od
513
+ ou gh
514
+ ve d
515
+ Ġb re
516
+ c c
517
+ ow er
518
+ Ġne ver
519
+ ĠV INCENTIO
520
+ B e
521
+ a p
522
+ i gh
523
+ Ġ K
524
+ Ġg reat
525
+ Ġfa ir
526
+ W ho
527
+ e e
528
+ t le
529
+ Ġm en
530
+ or row
531
+ Ġc ou
532
+ Ġne w
533
+ ĠR ome
534
+ ast er
535
+ u ke
536
+ i z
537
+ o ld
538
+ OR K
539
+ Ġp art
540
+ at ion
541
+ IN IUS
542
+ s s
543
+ re e
544
+ id e
545
+ O r
546
+ Ġc all
547
+ p le
548
+ Ġan y
549
+ Ġhea ven
550
+ Ġa d
551
+ Ġcom m
552
+ I t
553
+ Y our
554
+ Ġst and
555
+ Ġcan not
556
+ Ġtru e
557
+ D W
558
+ Ġn ame
559
+ Ġbe en
560
+ ear s
561
+ DW ARD
562
+ Ġc l
563
+ Ġp re
564
+ Ġsw eet
565
+ , --
566
+ Ġd oth
567
+ Ġpr ay
568
+ h ing
569
+ P ET
570
+ U M
571
+ Ġno ble
572
+ L UC
573
+ M EN
574
+ T H
575
+ Ġo wn
576
+ Ġp le
577
+ as s
578
+ Ġ D
579
+ ou se
580
+ Ġp er
581
+ A y
582
+ C ome
583
+ u ll
584
+ The re
585
+ Ġw r
586
+ Ġd one
587
+ if e
588
+ a w
589
+ Ġt r
590
+ Ġw ay
591
+ Ġo ther
592
+ Ġhe ad
593
+ Ġme an
594
+ l i
595
+ re d
596
+ Whe n
597
+ d ward
598
+ Ġn or
599
+ E O
600
+ M EO
601
+ Ġs c
602
+ Ġs oul
603
+ Ġp res
604
+ RO MEO
605
+ a ce
606
+ v ing
607
+ Ġn ight
608
+ Ġbe ar
609
+ EN IUS
610
+ ain t
611
+ ĠC l
612
+ Ġwor ld
613
+ MEN ENIUS
614
+ g er
615
+ Ġbe fore
616
+ au se
617
+ Ġb oth
618
+ Ġqu een
619
+ p er
620
+ The n
621
+ aught er
622
+ R UCH
623
+ o ck
624
+ Ġc hi
625
+ He re
626
+ PET RUCH
627
+ PETRUCH IO
628
+ O M
629
+ a ble
630
+ Ġ very
631
+ Ġde ad
632
+ T ES
633
+ B y
634
+ Ġ ra
635
+ it e
636
+ T han
637
+ t he
638
+ Ġ ke
639
+ a b
640
+ l es
641
+ Ġ F
642
+ Ġd own
643
+ t o
644
+ Ġa pp
645
+ Ġmy self
646
+ Ġcon t
647
+ G R
648
+ H A
649
+ Ġw h
650
+ Ġre m
651
+ ĠL ord
652
+ Ġar m
653
+ Ġth us
654
+ IO LAN
655
+ il t
656
+ OR IOLAN
657
+ ORIOLAN US
658
+ C ORIOLANUS
659
+ S ec
660
+ Ġlea ve
661
+ Sec ond
662
+ Ġbe ing
663
+ ct ion
664
+ ĠE dward
665
+ N or
666
+ s w
667
+ Ġu nt
668
+ res s
669
+ Ġgra ce
670
+ l ess
671
+ Ġbe g
672
+ Ġey es
673
+ B A
674
+ l and
675
+ Ġm other
676
+ r an
677
+ Ġm a
678
+ Ġo ld
679
+ Ġ im
680
+ IN A
681
+ ĠE DWARD
682
+ it iz
683
+ itiz en
684
+ p s
685
+ Ġl ong
686
+ Ġe ver
687
+ ĠM ar
688
+ Ġli ve
689
+ Ġchi ld
690
+ L et
691
+ m e
692
+ Ġw ife
693
+ S he
694
+ Ġa way
695
+ Ġre p
696
+ ĠII I
697
+ Ġw om
698
+ Ġpo or
699
+ Ġfriend s
700
+ c ome
701
+ f or
702
+ w ick
703
+ Ġa f
704
+ Ġm ight
705
+ nd er
706
+ Ġst ay
707
+ ea ce
708
+ k s
709
+ ou d
710
+ Ġd ie
711
+ at ch
712
+ le d
713
+ Ġ J
714
+ Ġ ru
715
+ ar wick
716
+ Ġcom es
717
+ Ġcon s
718
+ Ġc rown
719
+ ow s
720
+ Ġman y
721
+ Ġp e
722
+ T is
723
+ ha ll
724
+ is on
725
+ Ġl e
726
+ ĠY ORK
727
+ l o
728
+ u ck
729
+ is s
730
+ Ġh ouse
731
+ Ġha r
732
+ Ġthou ght
733
+ Ġre st
734
+ IS AB
735
+ EL LA
736
+ ISAB ELLA
737
+ i an
738
+ er c
739
+ Ġc our
740
+ R AN
741
+ Ġ ent
742
+ Ġli e
743
+ c he
744
+ Ġs et
745
+ J U
746
+ w ell
747
+ or s
748
+ at ter
749
+ LI ET
750
+ ON TES
751
+ ĠW arwick
752
+ LE ONTES
753
+ JU LIET
754
+ N ay
755
+ in t
756
+ it tle
757
+ Ġd aughter
758
+ Ġg one
759
+ Ġbet ter
760
+ M I
761
+ r ant
762
+ ou ght
763
+ Ġpr ince
764
+ D Y
765
+ H is
766
+ Ġt ong
767
+ Ġw it
768
+ Ġnot hing
769
+ C E
770
+ V OL
771
+ EN CE
772
+ LA DY
773
+ B R
774
+ T A
775
+ c l
776
+ i ed
777
+ Ġke ep
778
+ G o
779
+ W ell
780
+ c es
781
+ i ous
782
+ o s
783
+ Ġs le
784
+ Ġre s
785
+ har d
786
+ Ġnew s
787
+ S IC
788
+ f t
789
+ i er
790
+ Ġt ri
791
+ Ġm o
792
+ re t
793
+ on t
794
+ Ġth ose
795
+ Ġg ri
796
+ oo l
797
+ un e
798
+ SIC INIUS
799
+ N ot
800
+ Ġl ittle
801
+ Ġlord s
802
+ Ġagain st
803
+ f ord
804
+ Ġb est
805
+ Ġh our
806
+ Ġhe nce
807
+ ard on
808
+ ak es
809
+ l se
810
+ Ġa cc
811
+ se d
812
+ Ġfa ce
813
+ ul t
814
+ Ġfo ll
815
+ O n
816
+ e w
817
+ u d
818
+ ar k
819
+ Ġyou ng
820
+ Ġe nd
821
+ or k
822
+ Ġth ing
823
+ Ġst ill
824
+ Ġk ind
825
+ ie ld
826
+ S T
827
+ Ġp ri
828
+ Ġp ur
829
+ al k
830
+ Th y
831
+ Ġcom p
832
+ LUC IO
833
+ a le
834
+ in s
835
+ er t
836
+ Ġp ut
837
+ Ġp ower
838
+ ĠI V
839
+ ic hard
840
+ Ġtw o
841
+ Ġc ha
842
+ Ġhim self
843
+ P ro
844
+ in ess
845
+ Ġf irst
846
+ Ġp eace
847
+ Ġg u
848
+ Ġe lse
849
+ ri ed
850
+ Ġde ar
851
+ ci ous
852
+ S ir
853
+ a il
854
+ t y
855
+ as on
856
+ hi le
857
+ Ġsu b
858
+ Ġunt o
859
+ i le
860
+ r ay
861
+ Ġt ill
862
+ Ġs m
863
+ ut y
864
+ R I
865
+ Z AB
866
+ e ct
867
+ Ġt ra
868
+ Ġb id
869
+ Ġb ack
870
+ Ġd re
871
+ Ġh us
872
+ ET H
873
+ ĠE LI
874
+ Ġthere fore
875
+ Ġear th
876
+ Ġword s
877
+ Ġcou nt
878
+ ZAB ETH
879
+ ĠELI ZABETH
880
+ H ave
881
+ b and
882
+ i us
883
+ m en
884
+ o ple
885
+ y al
886
+ Ġf ind
887
+ Ġc ould
888
+ Ġtong ue
889
+ or se
890
+ Ġl ady
891
+ Ġth ine
892
+ Ġne ed
893
+ ĠY ork
894
+ H ENRY
895
+ g et
896
+ t w
897
+ Ġt re
898
+ Ġf ell
899
+ en ry
900
+ Ġh igh
901
+ Ġfor th
902
+ Ġho pe
903
+ M ER
904
+ S t
905
+ l p
906
+ Ġh ome
907
+ ve re
908
+ et h
909
+ Ġse em
910
+ ee ch
911
+ ĠRome o
912
+ Ġhus band
913
+ C L
914
+ Ġd uke
915
+ Ġri ght
916
+ G E
917
+ W AR
918
+ W IC
919
+ f ort
920
+ Ġ What
921
+ re r
922
+ Ġb an
923
+ ut h
924
+ Ġthou gh
925
+ ĠV I
926
+ WAR WIC
927
+ WARWIC K
928
+ U T
929
+ a ch
930
+ i x
931
+ Ġm ind
932
+ Ġb ra
933
+ is ter
934
+ Ġc he
935
+ Ġc har
936
+ hi p
937
+ ĠH ENRY
938
+ Ġpe ople
939
+ N urse
940
+ d s
941
+ g ed
942
+ ĠC itizen
943
+ re n
944
+ The y
945
+ ĠH enry
946
+ HA M
947
+ I AN
948
+ L ET
949
+ P U
950
+ e ed
951
+ Ġb ri
952
+ Ġc han
953
+ Ġl aw
954
+ ĠR ichard
955
+ Ġsh ow
956
+ Ġcon f
957
+ Ġhand s
958
+ PU LET
959
+ E Y
960
+ b e
961
+ Ġm aster
962
+ Ġw hy
963
+ Ġc o
964
+ Ġc ause
965
+ Ġg l
966
+ Ġon ce
967
+ Ġsa id
968
+ Ġim p
969
+ G ood
970
+ M IO
971
+ S hall
972
+ Ġb od
973
+ Ġn one
974
+ ous in
975
+ Ġj oy
976
+ erv ant
977
+ A ll
978
+ b t
979
+ Ġfor t
980
+ Ġbr ing
981
+ Y et
982
+ Ġd ou
983
+ at es
984
+ Ġe very
985
+ UC KING
986
+ BR UT
987
+ UCKING HAM
988
+ BRUT US
989
+ B RO
990
+ B UCKINGHAM
991
+ F rom
992
+ T RAN
993
+ i et
994
+ Ġm ist
995
+ Ġp ass
996
+ ir d
997
+ Ġli ght
998
+ ING BRO
999
+ ES S
1000
+ ĠB OL
1001
+ TRAN IO
1002
+ INGBRO KE
1003
+ ĠBOL INGBROKE
1004
+ D o
1005
+ W ill
1006
+ l t
1007
+ v ost
1008
+ Ġw o
1009
+ Ġn at
1010
+ Ġth r
1011
+ Ġro yal
1012
+ sw er
1013
+ P ER
1014
+ T IS
1015
+ c le
1016
+ Ġt ears
1017
+ it s
1018
+ Ġc ame
1019
+ ar y
1020
+ ĠM AR
1021
+ Ġwho se
1022
+ Ġple ase
1023
+ l f
1024
+ v y
1025
+ or y
1026
+ Ġp ardon
1027
+ ro ke
1028
+ ĠA n
1029
+ C l
1030
+ G AR
1031
+ N E
1032
+ p ose
1033
+ Ġb es
1034
+ Ġb oy
1035
+ Ġf ull
1036
+ ar ry
1037
+ Ġhe ard
1038
+ Ġha pp
1039
+ Ġde v
1040
+ Ġj ust
1041
+ Ġwr ong
1042
+ Ġpres ent
1043
+ ĠMAR GAR
1044
+ ĠMARGAR ET
1045
+ A TH
1046
+ e el
1047
+ Ġs ince
1048
+ Ġm is
1049
+ en s
1050
+ Ġl and
1051
+ Ġl ast
1052
+ Ġe re
1053
+ Ġst ate
1054
+ Ġpl ace
1055
+ MI L
1056
+ b l
1057
+ s and
1058
+ Ġme et
1059
+ Ġu nder
1060
+ Ġk ill
1061
+ Ġaf ter
1062
+ H OR
1063
+ c ent
1064
+ Ġs orrow
1065
+ it ion
1066
+ Ġc are
1067
+ Ġthou sand
1068
+ est y
1069
+ AN GE
1070
+ OR D
1071
+ Ġho ld
1072
+ GR E
1073
+ ANGE LO
1074
+ C U
1075
+ O ur
1076
+ Ġhe lp
1077
+ AR INA
1078
+ are nce
1079
+ Ġwh om
1080
+ Ġfoll ow
1081
+ K ATH
1082
+ d ay
1083
+ Ġf ar
1084
+ Ġl ess
1085
+ Ġh ither
1086
+ ce ive
1087
+ ir t
1088
+ Ġwe ep
1089
+ Ġsha me
1090
+ sel ves
1091
+ ci us
1092
+ Ġen em
1093
+ Ġab out
1094
+ Ġey e
1095
+ KATH ARINA
1096
+ i ol
1097
+ Ġf al
1098
+ Ġf ool
1099
+ on s
1100
+ Ġp at
1101
+ ur de
1102
+ Ġsu n
1103
+ Ġan swer
1104
+ a ir
1105
+ Ġc h
1106
+ as ure
1107
+ Ġfa ll
1108
+ Ġma id
1109
+ L US
1110
+ U n
1111
+ U p
1112
+ ou nt
1113
+ Ġb us
1114
+ Ġc ousin
1115
+ th y
1116
+ ES CA
1117
+ Ġhat e
1118
+ Ġgra cious
1119
+ Ġgentle man
1120
+ ĠK ing
1121
+ Ġgri ef
1122
+ ESCA LUS
1123
+ A n
1124
+ j ect
1125
+ o ve
1126
+ Ġm akes
1127
+ Ġin to
1128
+ im es
1129
+ Ġst ri
1130
+ H ath
1131
+ i v
1132
+ i ld
1133
+ Ġst re
1134
+ ĠE ng
1135
+ Ġwom an
1136
+ D UCH
1137
+ Ġt urn
1138
+ Ġh um
1139
+ Ġbe l
1140
+ al t
1141
+ Ġdo st
1142
+ Ġcom fort
1143
+ ic es
1144
+ Ġcou n
1145
+ ĠD uke
1146
+ Ġcour t
1147
+ Ġsle ep
1148
+ urde rer
1149
+ DUCH ESS
1150
+ L ord
1151
+ p her
1152
+ Ġt alk
1153
+ it or
1154
+ Ġo ver
1155
+ Ġbod y
1156
+ m orrow
1157
+ Ġw ilt
1158
+ Ġb u
1159
+ Ġg r
1160
+ ut e
1161
+ ge lo
1162
+ de ed
1163
+ ĠMar cius
1164
+ I A
1165
+ i ence
1166
+ Ġ i
1167
+ is ed
1168
+ Ġbe d
1169
+ Ġfa ult
1170
+ Ġat t
1171
+ ie ve
1172
+ Ġpro ve
1173
+ Ġpl ay
1174
+ CA MIL
1175
+ ĠCl arence
1176
+ CAMIL LO
1177
+ G od
1178
+ e re
1179
+ i ly
1180
+ Ġs ound
1181
+ Ġd ra
1182
+ an s
1183
+ om et
1184
+ Ġin st
1185
+ Ġwe l
1186
+ ad e
1187
+ Ġre t
1188
+ Ġde ed
1189
+ Ġthan k
1190
+ T EN
1191
+ Ġs er
1192
+ Ġb o
1193
+ Ġf ight
1194
+ Ġin deed
1195
+ ill ain
1196
+ ho ld
1197
+ Ġv o
1198
+ Ġsw ord
1199
+ ĠAn gelo
1200
+ HOR TEN
1201
+ Ġfal se
1202
+ HORTEN S
1203
+ F RI
1204
+ S h
1205
+ Ġu se
1206
+ Ġe ven
1207
+ Ġso vere
1208
+ Ġan other
1209
+ Ġgra ve
1210
+ Ġad v
1211
+ Pro vost
1212
+ Ġfell ow
1213
+ Up on
1214
+ HORTENS IO
1215
+ FRI AR
1216
+ , '
1217
+ P TIS
1218
+ e al
1219
+ Ġc ur
1220
+ Ġha s
1221
+ Ġe m
1222
+ ur y
1223
+ pe ct
1224
+ BA PTIS
1225
+ Ġban ish
1226
+ Ġfort une
1227
+ BAPTIS TA
1228
+ C US
1229
+ C OM
1230
+ T OL
1231
+ Y CUS
1232
+ p l
1233
+ p en
1234
+ ou ch
1235
+ Ġm erc
1236
+ Ġm atter
1237
+ Ġw ant
1238
+ Ġre ven
1239
+ Ġas s
1240
+ Ġse nd
1241
+ Ġpr ison
1242
+ fe ct
1243
+ AU TOL
1244
+ Ġr ather
1245
+ Ġcount ry
1246
+ Ġdou bt
1247
+ COM INIUS
1248
+ AUTOL YCUS
1249
+ . '
1250
+ A re
1251
+ E ven
1252
+ M ore
1253
+ Ġw ish
1254
+ Ġy ears
1255
+ Ġre ason
1256
+ Ġli es
1257
+ Ġon ly
1258
+ AR ENCE
1259
+ Th ird
1260
+ Ġv irt
1261
+ Ġtr uth
1262
+ W ould
1263
+ i or
1264
+ m s
1265
+ o f
1266
+ r ance
1267
+ Ġ But
1268
+ Ġd an
1269
+ Ġp ers
1270
+ an y
1271
+ Ġbre ath
1272
+ Ġarm s
1273
+ Ġdre am
1274
+ CL ARENCE
1275
+ pher d
1276
+ B EN
1277
+ M AR
1278
+ N OR
1279
+ d d
1280
+ d er
1281
+ Ġs ent
1282
+ en er
1283
+ Ġg i
1284
+ Ġst ra
1285
+ Ġsha lt
1286
+ Ġdis c
1287
+ VOL IO
1288
+ Cl own
1289
+ Ġbus iness
1290
+ BEN VOLIO
1291
+ A l
1292
+ A t
1293
+ P RO
1294
+ S PER
1295
+ b y
1296
+ he d
1297
+ Ġs en
1298
+ Ġp rom
1299
+ Ġho ly
1300
+ Ġen ough
1301
+ erv ing
1302
+ Ġcomm and
1303
+ UM IO
1304
+ GR UMIO
1305
+ PRO SPER
1306
+ PROSPER O
1307
+ i a
1308
+ k en
1309
+ Ġs ea
1310
+ Ġw ind
1311
+ it t
1312
+ Ġc ra
1313
+ Ġl ay
1314
+ ar s
1315
+ Ġp ity
1316
+ at or
1317
+ Ġbe a
1318
+ Ġha ng
1319
+ Ġst ran
1320
+ Ġso ld
1321
+ Ġsp ir
1322
+ Ġfa re
1323
+ Ġpr oud
1324
+ ĠM urderer
1325
+ Ġsw ear
1326
+ Ġcont ent
1327
+ MER CU
1328
+ MERCU TIO
1329
+ i ke
1330
+ Ġd are
1331
+ et er
1332
+ Ġli ves
1333
+ Ġde p
1334
+ Ġse c
1335
+ Ġv illain
1336
+ gain st
1337
+ ĠK ate
1338
+ LUC ENTIO
1339
+ Ġrem em
1340
+ Ġnat ure
1341
+ Ġwel come
1342
+ P OM
1343
+ T w
1344
+ c om
1345
+ u nt
1346
+ Ġt end
1347
+ ha m
1348
+ Ġf ree
1349
+ Ġg re
1350
+ Ġg et
1351
+ Ġin t
1352
+ Ġwith in
1353
+ Ġk iss
1354
+ est er
1355
+ ĠC ome
1356
+ Ġgo ds
1357
+ Ġsa w
1358
+ Ġmad am
1359
+ LAN D
1360
+ Ġhapp y
1361
+ Ġsovere ign
1362
+ POM P
1363
+ L INA
1364
+ P AU
1365
+ a pt
1366
+ Ġs erv
1367
+ Ġs ister
1368
+ Ġs omet
1369
+ ha l
1370
+ Ġf oul
1371
+ Ġc ity
1372
+ ver s
1373
+ We re
1374
+ Ġbes eech
1375
+ PAU LINA
1376
+ Y ORK
1377
+ i ent
1378
+ u se
1379
+ er y
1380
+ Ġd en
1381
+ Ġy ield
1382
+ Ġth ree
1383
+ Ġo ath
1384
+ Ġyour s
1385
+ ond er
1386
+ ag ue
1387
+ Ġbre ak
1388
+ Ġmean s
1389
+ Ġsub ject
1390
+ get her
1391
+ GRE MIO
1392
+ POMP EY
1393
+ N IA
1394
+ O LI
1395
+ P OLI
1396
+ X EN
1397
+ b alt
1398
+ y balt
1399
+ Ġ Nor
1400
+ Ġa w
1401
+ Ġm er
1402
+ Ġw hile
1403
+ Ġb orn
1404
+ Ġth ings
1405
+ Ġh orse
1406
+ an c
1407
+ us ic
1408
+ AN T
1409
+ Ġblood y
1410
+ Ġlook s
1411
+ ef t
1412
+ UM NIA
1413
+ li ke
1414
+ che s
1415
+ VOL UMNIA
1416
+ POLI XEN
1417
+ POLIXEN ES
1418
+ G ON
1419
+ H er
1420
+ r ong
1421
+ u p
1422
+ u es
1423
+ Ġt em
1424
+ Ġw in
1425
+ Ġw ound
1426
+ Ġf ire
1427
+ en ger
1428
+ Ġyour self
1429
+ Ġsu pp
1430
+ Ġsp o
1431
+ Ġfa ith
1432
+ ING S
1433
+ ĠS erving
1434
+ Ġma j
1435
+ ST INGS
1436
+ Ġtra itor
1437
+ cent io
1438
+ ĠServing man
1439
+ R ENCE
1440
+ S ay
1441
+ b s
1442
+ b roke
1443
+ re m
1444
+ Ġd ru
1445
+ Ġl am
1446
+ ess enger
1447
+ ĠL AU
1448
+ Ġmar k
1449
+ Ġcomm on
1450
+ HA STINGS
1451
+ Ġchild ren
1452
+ ert ain
1453
+ Ġmist ress
1454
+ ĠLAU RENCE
1455
+ B Y
1456
+ B ER
1457
+ Ġc ond
1458
+ Ġbe at
1459
+ Ġre qu
1460
+ Ġde f
1461
+ Ġv al
1462
+ Ġun cle
1463
+ There fore
1464
+ for m
1465
+ Ġmaj esty
1466
+ C LI
1467
+ F F
1468
+ L ook
1469
+ W as
1470
+ Ġa ff
1471
+ Ġs in
1472
+ Ġm et
1473
+ Ġl ate
1474
+ Ġl eft
1475
+ Ġto ld
1476
+ Ġso on
1477
+ Ġse en
1478
+ Ġsa ve
1479
+ Ġday s
1480
+ UM BER
1481
+ TH UMBER
1482
+ Ġwo e
1483
+ ĠEng land
1484
+ NOR THUMBER
1485
+ Ġtend er
1486
+ CLI FF
1487
+ NORTHUMBER LAND
1488
+ I D
1489
+ T ake
1490
+ b ed
1491
+ e ver
1492
+ r ing
1493
+ t en
1494
+ Ġs ight
1495
+ Ġm on
1496
+ Ġg ener
1497
+ id es
1498
+ id ow
1499
+ Ġdo es
1500
+ Thou gh
1501
+ Ġret urn
1502
+ Ġmerc y
1503
+ Ġfare well
1504
+ a c
1505
+ d om
1506
+ m p
1507
+ Ġ AN
1508
+ he s
1509
+ Ġs it
1510
+ Ġs ad
1511
+ re l
1512
+ Ġde ep
1513
+ ter s
1514
+ Ġgo ld
1515
+ un es
1516
+ Ġmar ry
1517
+ Ġhea vy
1518
+ Ġfo ot
1519
+ Ġwar rant
1520
+ ĠJ ul
1521
+ Ġpur pose
1522
+ Ġthr ough
1523
+ Ġdan ger
1524
+ ĠAN NE
1525
+ A h
1526
+ D id
1527
+ G ive
1528
+ P R
1529
+ a im
1530
+ i ct
1531
+ m er
1532
+ s o
1533
+ u nd
1534
+ v ent
1535
+ Ġ ill
1536
+ Ġc ho
1537
+ Ġc old
1538
+ Ġn urse
1539
+ Ġto gether
1540
+ Ġg row
1541
+ our s
1542
+ if ford
1543
+ Ġsu re
1544
+ ear n
1545
+ CA PULET
1546
+ ign ior
1547
+ INC E
1548
+ Ġdes er
1549
+ ment s
1550
+ PR INCE
1551
+ a z
1552
+ a id
1553
+ c a
1554
+ o int
1555
+ Ġt imes
1556
+ or iol
1557
+ ing broke
1558
+ ce ed
1559
+ Ġwith out
1560
+ ent y
1561
+ Ġas k
1562
+ ro ss
1563
+ us h
1564
+ Ġlo st
1565
+ are well
1566
+ ol ingbroke
1567
+ Ġpl uck
1568
+ Ġrep ort
1569
+ Ġlie ge
1570
+ Ġbel ieve
1571
+ Ġspir it
1572
+ l ing
1573
+ s h
1574
+ x t
1575
+ Ġa ir
1576
+ Ġa ge
1577
+ ou th
1578
+ Ġw at
1579
+ Ġhe ir
1580
+ et s
1581
+ ain s
1582
+ Ġthy self
1583
+ if t
1584
+ Ġlo ss
1585
+ ĠM ont
1586
+ Ġsay s
1587
+ ĠB olingbroke
1588
+ Who se
1589
+ On e
1590
+ Ġstran ge
1591
+ A LO
1592
+ H ad
1593
+ i al
1594
+ n o
1595
+ n er
1596
+ Ġb at
1597
+ Ġc ry
1598
+ Ġl earn
1599
+ ce d
1600
+ Ġsu ff
1601
+ ak ing
1602
+ Ġear s
1603
+ Ġhast e
1604
+ ĠCl ifford
1605
+ Ġent reat
1606
+ Ġdev il
1607
+ Ġgr ound
1608
+ Sh ould
1609
+ Ġpers on
1610
+ ĠJul iet
1611
+ L ike
1612
+ W h
1613
+ g es
1614
+ n ight
1615
+ Ġm ur
1616
+ in ed
1617
+ Ġf ly
1618
+ Ġto ward
1619
+ Ġp ast
1620
+ om an
1621
+ le t
1622
+ Ġfa st
1623
+ Ġv is
1624
+ au d
1625
+ ĠL u
1626
+ Ġpo int
1627
+ Ġfri ar
1628
+ Ġdis p
1629
+ Ġsl ain
1630
+ Ġbet w
1631
+ ĠF rance
1632
+ ix t
1633
+ Ġjust ice
1634
+ Ġstra ight
1635
+ Ġremem ber
1636
+ A PULET
1637
+ F L
1638
+ F ID
1639
+ I Z
1640
+ M ay
1641
+ S ome
1642
+ Ġ ord
1643
+ Ġs il
1644
+ in a
1645
+ Ġb old
1646
+ Ġc urse
1647
+ Ġn ear
1648
+ ut ion
1649
+ Ġst rong
1650
+ The se
1651
+ ĠC APULET
1652
+ OR IZ
1653
+ Ġwor thy
1654
+ Ġqu ick
1655
+ AU FID
1656
+ entle man
1657
+ Ġtru st
1658
+ Ġal one
1659
+ Ġdes ire
1660
+ Ġinst ru
1661
+ Ġbea uty
1662
+ Ġserv ice
1663
+ FL ORIZ
1664
+ AUFID IUS
1665
+ FLORIZ EL
1666
+ C an
1667
+ S E
1668
+ T ell
1669
+ V ER
1670
+ g s
1671
+ n ing
1672
+ s hip
1673
+ w ith
1674
+ Ġt ouch
1675
+ Ġf ound
1676
+ it he
1677
+ ĠI s
1678
+ ad am
1679
+ Ġre ady
1680
+ IO N
1681
+ Ġbr ought
1682
+ ure d
1683
+ Ġpo ss
1684
+ ĠT ybalt
1685
+ Ġru n
1686
+ Ġhar d
1687
+ Ġenem y
1688
+ Ġreven ge
1689
+ Ġgener al
1690
+ aud io
1691
+ ! '
1692
+ H a
1693
+ i ble
1694
+ v o
1695
+ Ġ Here
1696
+ Ġw oo
1697
+ Ġd uty
1698
+ en ator
1699
+ Ġg rant
1700
+ Ġin f
1701
+ ce pt
1702
+ Ġit self
1703
+ am ill
1704
+ Ġlo se
1705
+ au nt
1706
+ Ġknow s
1707
+ Ġcan st
1708
+ ĠS enator
1709
+ ink s
1710
+ um ber
1711
+ Ġmar ried
1712
+ Ġthought s
1713
+ Ġchar ge
1714
+ A gainst
1715
+ B ec
1716
+ C IUS
1717
+ R ICHARD
1718
+ S p
1719
+ c ester
1720
+ e ep
1721
+ g u
1722
+ l ou
1723
+ s ue
1724
+ u a
1725
+ Ġ You
1726
+ Ġm orn
1727
+ Ġwe ar
1728
+ ri age
1729
+ Ġre ad
1730
+ Ġde li
1731
+ Ġsp eed
1732
+ Ġqu ar
1733
+ Ġpro f
1734
+ Ġtw enty
1735
+ Ġstand s
1736
+ BA ST
1737
+ She pherd
1738
+ che d
1739
+ Ġhour s
1740
+ Ġconf ess
1741
+ Ġstre ng
1742
+ SE BAST
1743
+ ithe e
1744
+ SEBAST IAN
1745
+ O W
1746
+ c ess
1747
+ Ġ N
1748
+ Ġm ock
1749
+ Ġf ur
1750
+ Ġf ore
1751
+ Ġf ield
1752
+ on es
1753
+ Ġd iv
1754
+ Ġc ar
1755
+ Ġyou th
1756
+ Ġp ost
1757
+ Ġhe ll
1758
+ ing ham
1759
+ Ġha lf
1760
+ oo p
1761
+ Th us
1762
+ ĠR i
1763
+ ol k
1764
+ fe ction
1765
+ ĠH ast
1766
+ Ġj ud
1767
+ um p
1768
+ Ġex ec
1769
+ Ġfear ful
1770
+ Ġcoun sel
1771
+ amill o
1772
+ B ION
1773
+ C om
1774
+ D EL
1775
+ T ill
1776
+ m ost
1777
+ p are
1778
+ Ġt er
1779
+ Ġm in
1780
+ Ġw ret
1781
+ Ġb os
1782
+ Ġp ar
1783
+ Ġbe hold
1784
+ Ġin c
1785
+ Ġe ach
1786
+ ad s
1787
+ Ġre c
1788
+ Ġde l
1789
+ ĠC oriol
1790
+ ol s
1791
+ Ġwor k
1792
+ ort al
1793
+ Ġheart s
1794
+ Ġmar riage
1795
+ Ġdes p
1796
+ ĠCl audio
1797
+ itizen s
1798
+ uck ingham
1799
+ Ġres ol
1800
+ MAR CIUS
1801
+ ĠMont ague
1802
+ lou cester
1803
+ BION DEL
1804
+ Ġbos om
1805
+ BIONDEL LO
1806
+ A way
1807
+ M ON
1808
+ M adam
1809
+ b ly
1810
+ f olk
1811
+ i ers
1812
+ n ow
1813
+ Ġ The
1814
+ Ġt it
1815
+ Ġt en
1816
+ Ġt ale
1817
+ Ġb ound
1818
+ Ġd am
1819
+ Ġc ut
1820
+ en ch
1821
+ Ġy e
1822
+ Ġo pen
1823
+ ra h
1824
+ al m
1825
+ ĠC ap
1826
+ Ġsh ort
1827
+ Ġknow n
1828
+ ĠB uckingham
1829
+ Ġsee k
1830
+ Ġhar m
1831
+ Ġcomp any
1832
+ Ġgu ilt
1833
+ Ġhigh ness
1834
+ Ġstri ke
1835
+ Ġatt end
1836
+ Ġser ve
1837
+ Ġmur der
1838
+ ĠHast ings
1839
+ F arewell
1840
+ H ER
1841
+ O P
1842
+ c han
1843
+ h ood
1844
+ Ġ ve
1845
+ Ġ He
1846
+ Ġ AU
1847
+ Ġa g
1848
+ Ġs at
1849
+ Ġs ide
1850
+ Ġw hi
1851
+ Ġw atch
1852
+ re st
1853
+ is hed
1854
+ Ġf eel
1855
+ Ġd ish
1856
+ Ġd ist
1857
+ ent s
1858
+ and er
1859
+ Ġsu it
1860
+ Ġlo ving
1861
+ ON IO
1862
+ Ġhon est
1863
+ Ġheaven s
1864
+ Ġtri b
1865
+ MER LE
1866
+ Ġdra w
1867
+ Ġvo ices
1868
+ Ġsomet hing
1869
+ ANT ONIO
1870
+ Ġstreng th
1871
+ ĠAU MERLE
1872
+ M arry
1873
+ P ray
1874
+ S ee
1875
+ Z ALO
1876
+ f id
1877
+ g ing
1878
+ Ġa ct
1879
+ Ġs ake
1880
+ Ġw ast
1881
+ Ġw onder
1882
+ Ġw idow
1883
+ Ġb it
1884
+ Ġc or
1885
+ Ġst o
1886
+ Ġst ir
1887
+ ĠG entleman
1888
+ ĠG loucester
1889
+ ĠL anc
1890
+ Ġdid st
1891
+ Ġgentle men
1892
+ Ġcl oud
1893
+ Ġwom en
1894
+ eth inks
1895
+ Ġenem ies
1896
+ GON ZALO
1897
+ ĠLanc aster
1898
+ U nt
1899
+ i ves
1900
+ s u
1901
+ Ġs ing
1902
+ Ġm usic
1903
+ re w
1904
+ Ġb reat
1905
+ Ġd r
1906
+ Ġp ra
1907
+ Ġp ie
1908
+ Ġp ale
1909
+ Ġg ates
1910
+ oo se
1911
+ ra ce
1912
+ il s
1913
+ ĠC amillo
1914
+ Ġne xt
1915
+ Ġkn ew
1916
+ Ġcom ing
1917
+ Ġthan ks
1918
+ Ġcl ose
1919
+ Ġple asure
1920
+ Ġsoul s
1921
+ ian ca
1922
+ Ġcour se
1923
+ Ġent er
1924
+ Ġwit hal
1925
+ Ġbra ve
1926
+ Ġche e
1927
+ ceive d
1928
+ Ġtit le
1929
+ D IO
1930
+ f ter
1931
+ n e
1932
+ v our
1933
+ y ou
1934
+ Ġt y
1935
+ Ġw a
1936
+ Ġb ur
1937
+ Ġf it
1938
+ ow ard
1939
+ Ġg ar
1940
+ Ġbe come
1941
+ et ch
1942
+ et ru
1943
+ Ġfor g
1944
+ Ġwe ak
1945
+ Ġe ither
1946
+ Ġli ps
1947
+ ru st
1948
+ el s
1949
+ Ġj est
1950
+ Ġpl ain
1951
+ AU DIO
1952
+ Ġab s
1953
+ Ġpre t
1954
+ cl aim
1955
+ Ġgri e
1956
+ CL AUDIO
1957
+ Ġchan ge
1958
+ MIO NE
1959
+ ĠNor folk
1960
+ CLIFF ORD
1961
+ Ġsuff er
1962
+ Ġdeli ver
1963
+ HER MIONE
1964
+ D A
1965
+ E DWARD
1966
+ L ORD
1967
+ M ost
1968
+ c her
1969
+ k es
1970
+ s es
1971
+ u fid
1972
+ Ġ Th
1973
+ Ġs k
1974
+ Ġs ame
1975
+ Ġs ick
1976
+ Ġs ign
1977
+ Ġw is
1978
+ Ġw all
1979
+ re ady
1980
+ is f
1981
+ Ġc ast
1982
+ ir th
1983
+ ch io
1984
+ Ġfor b
1985
+ Ġfor get
1986
+ oo f
1987
+ ri es
1988
+ Ġre g
1989
+ ur p
1990
+ ea st
1991
+ Ġv en
1992
+ Ġthem selves
1993
+ ĠB ianca
1994
+ Ġwor se
1995
+ ĠP om
1996
+ Ġtoo k
1997
+ Ġpo ison
1998
+ Ġal ong
1999
+ Ġri ch
2000
+ Ġbre ast
2001
+ ran io
2002
+ Ġcons ul
2003
+ RAN DA
2004
+ MI RANDA
2005
+ tw as
2006
+ tw ere
2007
+ Ġche er
2008
+ Ġpat ience
2009
+ Ġmer ry
2010
+ Ġord er
2011
+ etru chio
2012
+ ufid ius
2013
+ H N
2014
+ M essenger
2015
+ O HN
2016
+ S A
2017
+ S ON
2018
+ S ervant
2019
+ l st
2020
+ o in
2021
+ t ing
2022
+ Ġm outh
2023
+ Ġw ed
2024
+ Ġb ad
2025
+ Ġb ook
2026
+ Ġf our
2027
+ Ġd u
2028
+ ĠI f
2029
+ Ġg ave
2030
+ ch m
2031
+ Ġis sue
2032
+ as h
2033
+ Ġli ber
2034
+ ver n
2035
+ Ġse lf
2036
+ ion s
2037
+ row s
2038
+ all y
2039
+ Ġoff ice
2040
+ Ġal ready
2041
+ Be ing
2042
+ Ġmo ve
2043
+ Ġvirt ue
2044
+ Ġgi ven
2045
+ Ġbat tle
2046
+ ĠHere ford
2047
+ Ġmorn ing
2048
+ Ġfur ther
2049
+ M ake
2050
+ S ince
2051
+ m ber
2052
+ n k
2053
+ p es
2054
+ r ist
2055
+ s he
2056
+ u ous
2057
+ u sed
2058
+ Ġt a
2059
+ Ġa c
2060
+ ou n
2061
+ Ġw ise
2062
+ Ġb urn
2063
+ or ge
2064
+ Ġf rown
2065
+ Ġf east
2066
+ Ġd ire
2067
+ es h
2068
+ Ġl ad
2069
+ Ġp ay
2070
+ an us
2071
+ Ġg ro
2072
+ at s
2073
+ Ġre d
2074
+ Ġso ft
2075
+ ea ch
2076
+ Ġsu cc
2077
+ ic er
2078
+ Ġbl ack
2079
+ Ġgo es
2080
+ Ġsw orn
2081
+ ĠS ignior
2082
+ el come
2083
+ Ġpro p
2084
+ Ġson s
2085
+ Ġfo e
2086
+ Ġex t
2087
+ ĠT ower
2088
+ Be fore
2089
+ Ġtr ou
2090
+ Ġbeg g
2091
+ Ġbeg in
2092
+ Ġcons ent
2093
+ dd en
2094
+ Ġsold iers
2095
+ Ġrequ est
2096
+ ĠLu centio
2097
+ Ġbetw een
2098
+ Ġquar rel
2099
+ Ġsat isf
2100
+ chm ond
2101
+ A S
2102
+ C all
2103
+ I R
2104
+ M ust
2105
+ N T
2106
+ R e
2107
+ S w
2108
+ S uch
2109
+ g are
2110
+ i res
2111
+ u res
2112
+ u ng
2113
+ u ff
2114
+ Ġ For
2115
+ he m
2116
+ Ġs ervant
2117
+ Ġb ar
2118
+ Ġd ro
2119
+ Ġd ark
2120
+ Ġc r
2121
+ Ġc ase
2122
+ Ġth ri
2123
+ ar is
2124
+ ot s
2125
+ st and
2126
+ ow ers
2127
+ ir m
2128
+ Ġlo ves
2129
+ ĠC h
2130
+ end s
2131
+ Ġbl ess
2132
+ em pt
2133
+ Ġthen ce
2134
+ Ġwor th
2135
+ ĠA ufidius
2136
+ CA TES
2137
+ Ġex p
2138
+ aw d
2139
+ Ġpres ence
2140
+ Ġpri v
2141
+ Un less
2142
+ Al as
2143
+ Ġwound s
2144
+ Ġdanger ous
2145
+ Bec ause
2146
+ gare t
2147
+ CATES BY
2148
+ L Y
2149
+ o ll
2150
+ t hat
2151
+ Ġs igh
2152
+ Ġb le
2153
+ on a
2154
+ on our
2155
+ Ġh ot
2156
+ Ġg ot
2157
+ Ġin ter
2158
+ Ġu nd
2159
+ Ġe v
2160
+ Ġsu m
2161
+ Ġne ither
2162
+ Ġv ict
2163
+ em n
2164
+ ĠL ond
2165
+ ĠS ir
2166
+ ĠV ols
2167
+ ci ent
2168
+ Ġwar s
2169
+ Ġfl atter
2170
+ Ġmight y
2171
+ Ġres pect
2172
+ Ġdre ad
2173
+ Ġbri de
2174
+ Ġbri ef
2175
+ Ġthr one
2176
+ Ġvo ice
2177
+ Ġem b
2178
+ apt ist
2179
+ Ġden y
2180
+ Ġspo ke
2181
+ Ġwat er
2182
+ Ġvis it
2183
+ ĠLond on
2184
+ B oth
2185
+ B IAN
2186
+ J OHN
2187
+ L est
2188
+ R ome
2189
+ R EY
2190
+ Y es
2191
+ e orge
2192
+ i p
2193
+ i ant
2194
+ m and
2195
+ u ght
2196
+ Ġ est
2197
+ Ġm al
2198
+ Ġm ortal
2199
+ Ġb ow
2200
+ Ġb ab
2201
+ Ġf ra
2202
+ er n
2203
+ Ġh ur
2204
+ Ġto wn
2205
+ Ġof ten
2206
+ Ġha ving
2207
+ ri ght
2208
+ id ed
2209
+ Ġsu dden
2210
+ ru m
2211
+ Ġan cient
2212
+ Ġsp eech
2213
+ Ġv ow
2214
+ ĠG eorge
2215
+ Ġlove d
2216
+ Ġking s
2217
+ ĠB aptist
2218
+ Ġwor ship
2219
+ LI A
2220
+ ĠP aris
2221
+ Ġsa fe
2222
+ ire d
2223
+ aint ed
2224
+ BA L
2225
+ ĠMar garet
2226
+ Ġprince ly
2227
+ BR A
2228
+ Ġcha mber
2229
+ Ġseem s
2230
+ be y
2231
+ Ġbu y
2232
+ Ġdeed s
2233
+ Wh om
2234
+ VER S
2235
+ ĠRi chmond
2236
+ Ġbit ter
2237
+ BIAN CA
2238
+ B OW
2239
+ W elcome
2240
+ k ing
2241
+ l s
2242
+ l ish
2243
+ m b
2244
+ r t
2245
+ s p
2246
+ u ra
2247
+ Ġ Thou
2248
+ Ġ This
2249
+ Ġf res
2250
+ Ġf etch
2251
+ Ġc ol
2252
+ Ġc ross
2253
+ Ġc oward
2254
+ es sed
2255
+ Ġl im
2256
+ Ġp en
2257
+ ot ion
2258
+ at ed
2259
+ ur ch
2260
+ Ġkn ock
2261
+ ant age
2262
+ one y
2263
+ Ġpr ot
2264
+ ĠG AU
2265
+ ĠL ady
2266
+ ĠS aint
2267
+ ĠS ervant
2268
+ Ġking dom
2269
+ ĠP l
2270
+ Ġsa c
2271
+ EL BOW
2272
+ Ġhead s
2273
+ Ġsc orn
2274
+ Ġra ge
2275
+ Ġapp ear
2276
+ Ġle ad
2277
+ Ġwit ness
2278
+ RI VERS
2279
+ Ġpat ient
2280
+ Ġprom ise
2281
+ Ġlam ent
2282
+ Ġval iant
2283
+ ĠIs ab
2284
+ Sp eak
2285
+ Ġsucc ess
2286
+ ĠBaptist a
2287
+ ĠGAU NT
2288
+ B es
2289
+ E re
2290
+ G UE
2291
+ H old
2292
+ T Y
2293
+ c y
2294
+ c oun
2295
+ n own
2296
+ s per
2297
+ w ill
2298
+ x ford
2299
+ Ġ KING
2300
+ Ġ ign
2301
+ Ġa ction
2302
+ Ġb ro
2303
+ Ġb awd
2304
+ it ies
2305
+ Ġc le
2306
+ Ġc reat
2307
+ Ġc ap
2308
+ Ġl ack
2309
+ Ġth row
2310
+ Ġo w
2311
+ Ġo pp
2312
+ Ġg all
2313
+ Ġfor ward
2314
+ Ġe at
2315
+ Ġk ins
2316
+ The ir
2317
+ if f
2318
+ Ġan g
2319
+ Ġv iol
2320
+ ant ag
2321
+ Ġpr in
2322
+ Ġpr ithee
2323
+ ĠM y
2324
+ Ġwas h
2325
+ ort ens
2326
+ ak en
2327
+ ĠP etruchio
2328
+ Ġoff er
2329
+ Ġlea st
2330
+ Ġsl ave
2331
+ Ġfl esh
2332
+ ĠT ranio
2333
+ Ġpre pare
2334
+ Ġpray ers
2335
+ the n
2336
+ Ġapp ro
2337
+ TA GUE
2338
+ Ġtri ump
2339
+ Ġmo on
2340
+ Ġcomp l
2341
+ itt ed
2342
+ Ġtrib unes
2343
+ Ġdr ink
2344
+ ĠCh rist
2345
+ Rome o
2346
+ ortens io
2347
+ Y ea
2348
+ b it
2349
+ b ut
2350
+ e es
2351
+ j oy
2352
+ l er
2353
+ o or
2354
+ o hem
2355
+ v est
2356
+ Ġ id
2357
+ Ġs ur
2358
+ Ġm id
2359
+ in es
2360
+ Ġf ie
2361
+ Ġd est
2362
+ Ġn ay
2363
+ Ġth ither
2364
+ Ġh ide
2365
+ at har
2366
+ Ġbe ast
2367
+ le y
2368
+ Ġre b
2369
+ ra w
2370
+ al s
2371
+ al th
2372
+ ck s
2373
+ th umber
2374
+ ho st
2375
+ ast ers
2376
+ fe it
2377
+ ak ed
2378
+ pe y
2379
+ Ġal most
2380
+ ull y
2381
+ Ġsc ar
2382
+ Ġsm all
2383
+ Ġpresent ly
2384
+ Ġfault s
2385
+ Ġdep art
2386
+ Ġsec ret
2387
+ Ġsubject s
2388
+ Ġdef end
2389
+ Ġposs ess
2390
+ athar ina
2391
+ thumber land
2392
+ C on
2393
+ D I
2394
+ G I
2395
+ I EL
2396
+ P l
2397
+ V IR
2398
+ W hi
2399
+ a ul
2400
+ h ind
2401
+ y ing
2402
+ Ġt ear
2403
+ Ġw ert
2404
+ re y
2405
+ Ġb en
2406
+ Ġb ase
2407
+ Ġb irth
2408
+ Ġf ill
2409
+ Ġf ond
2410
+ Ġl ab
2411
+ ar l
2412
+ Ġp ain
2413
+ ing er
2414
+ Ġbe c
2415
+ Ġfor m
2416
+ Ġe as
2417
+ Ġst ru
2418
+ Ġli ving
2419
+ ru e
2420
+ th ough
2421
+ Ġgood ly
2422
+ Ġwhe nce
2423
+ ĠG REY
2424
+ Ġus urp
2425
+ ci ence
2426
+ Ġtru mp
2427
+ Ġhear ing
2428
+ Ġsl aughter
2429
+ Ġper form
2430
+ Ġwr it
2431
+ per ate
2432
+ led ge
2433
+ St ay
2434
+ St and
2435
+ Ġchan ce
2436
+ PER DI
2437
+ Ġvirt uous
2438
+ Ġquick ly
2439
+ MON TAGUE
2440
+ Ġdam n
2441
+ ura l
2442
+ ohem ia
2443
+ GI LIA
2444
+ VIR GILIA
2445
+ PERDI TA
2446
+ A b
2447
+ D oth
2448
+ P eace
2449
+ S ET
2450
+ S LY
2451
+ d ing
2452
+ e em
2453
+ g g
2454
+ i est
2455
+ o ver
2456
+ o ss
2457
+ r or
2458
+ y our
2459
+ z e
2460
+ Ġ ut
2461
+ Ġt or
2462
+ Ġa y
2463
+ Ġm atch
2464
+ Ġm ild
2465
+ Ġw ild
2466
+ re ad
2467
+ is ure
2468
+ Ġf ier
2469
+ on y
2470
+ Ġc a
2471
+ Ġc ertain
2472
+ ar n
2473
+ Ġp u
2474
+ Ġp it
2475
+ ing ly
2476
+ se m
2477
+ Ġin j
2478
+ Ġin s
2479
+ Ġin no
2480
+ ed s
2481
+ ed ant
2482
+ Ġu r
2483
+ Ġsha d
2484
+ Th ink
2485
+ Ġkn ee
2486
+ Ġkn eel
2487
+ ast ard
2488
+ ust om
2489
+ Ġbl ows
2490
+ ĠS t
2491
+ ĠO xford
2492
+ Ġqu iet
2493
+ Ġpro ceed
2494
+ ĠP aul
2495
+ Ġhad st
2496
+ Ġoff ence
2497
+ Ġad m
2498
+ Ġple as
2499
+ for ce
2500
+ Ġaf fection
2501
+ Ġsle w
2502
+ IAN A
2503
+ Ġlaw ful
2504
+ Ġgl ad
2505
+ bl ing
2506
+ Ġweep ing
2507
+ MAR IANA
2508
+ Ġsold ier
2509
+ Ġaw hile
2510
+ Ġdeser ved
2511
+ Ġexec ution
2512
+ ĠCoriol anus
2513
+ Ġguilt y
2514
+ Ġpret ty
2515
+ ĠPom pey
2516
+ Ġang ry
2517
+ F a
2518
+ M ar
2519
+ M aster
2520
+ P AR
2521
+ R A
2522
+ V INCENTIO
2523
+ a wn
2524
+ d ge
2525
+ f ully
2526
+ g ue
2527
+ k ed
2528
+ m ed
2529
+ u al
2530
+ v ol
2531
+ z en
2532
+ Ġa p
2533
+ Ġs hi
2534
+ Ġs ho
2535
+ Ġm ed
2536
+ Ġm od
2537
+ Ġw alk
2538
+ Ġf am
2539
+ Ġf led
2540
+ en ess
2541
+ Ġy ear
2542
+ Ġo b
2543
+ Ġo cc
2544
+ Ġha p
2545
+ Ġme asure
2546
+ Ġfor sw
2547
+ ad ua
2548
+ Ġre ign
2549
+ Ġdo om
2550
+ am es
2551
+ Ġno b
2552
+ ru pt
2553
+ Ġour selves
2554
+ Ġfa vour
2555
+ Ġne ck
2556
+ Ġsh ows
2557
+ end ed
2558
+ Ġbl ow
2559
+ Ġgo vern
2560
+ Ġwould st
2561
+ Ġlet ters
2562
+ Ġun c
2563
+ Ġun k
2564
+ Ġwor st
2565
+ Ġspeak s
2566
+ Ġmar ch
2567
+ igh b
2568
+ ĠK atharina
2569
+ Ġgreat er
2570
+ Ġle isure
2571
+ os ition
2572
+ Ġtre ason
2573
+ ĠEng lish
2574
+ Ġbanish ment
2575
+ Ġsen se
2576
+ rem io
2577
+ Ġcond emn
2578
+ oint ed
2579
+ Ġdish onour
2580
+ Ġcloud s
2581
+ Ġbreat he
2582
+ Ġforb id
2583
+ Ġliber ty
2584
+ Ġlad ies
2585
+ Ġtrou ble
2586
+ rum io
2587
+ ĠIsab el
2588
+ coun ter
2589
+ antag en
2590
+ PAR IS
2591
+ : '
2592
+ I nt
2593
+ O ut
2594
+ T oo
2595
+ W hile
2596
+ a ves
2597
+ a cle
2598
+ d le
2599
+ h ouse
2600
+ r im
2601
+ r ous
2602
+ Ġ X
2603
+ Ġs ort
2604
+ Ġm orrow
2605
+ Ġw on
2606
+ Ġd ry
2607
+ Ġc ru
2608
+ Ġl an
2609
+ Ġl ist
2610
+ Ġl aid
2611
+ ar ing
2612
+ Ġo bey
2613
+ Ġhe ld
2614
+ ve l
2615
+ st er
2616
+ at ors
2617
+ Ġbe hind
2618
+ se t
2619
+ Ġnot e
2620
+ Ġst or
2621
+ id er
2622
+ Ġre f
2623
+ Ġli ved
2624
+ ur s
2625
+ Ġas ide
2626
+ Ġdo g
2627
+ Ġno ise
2628
+ Ġse at
2629
+ il es
2630
+ Ġv ain
2631
+ ĠM erc
2632
+ ĠB ohemia
2633
+ Ġlet ter
2634
+ Ġj oin
2635
+ ound s
2636
+ Ġpro sper
2637
+ Ġr ough
2638
+ Ġab ove
2639
+ iz e
2640
+ Ġrem ain
2641
+ Ġlong er
2642
+ Ġwom b
2643
+ Ġneed s
2644
+ Ġch oose
2645
+ Ġch urch
2646
+ Ġprison er
2647
+ Ġsec ond
2648
+ Ġtem p
2649
+ Ġgold en
2650
+ und red
2651
+ Ġdisp atch
2652
+ Ġpie ce
2653
+ Ġfres h
2654
+ Ġign or
2655
+ Ġbec ause
2656
+ antagen et
2657
+ ! --
2658
+ A m
2659
+ D e
2660
+ D OR
2661
+ E W
2662
+ E n
2663
+ H ark
2664
+ L AR
2665
+ P r
2666
+ S u
2667
+ T IUS
2668
+ b b
2669
+ b an
2670
+ c al
2671
+ f fect
2672
+ h im
2673
+ i led
2674
+ n y
2675
+ t s
2676
+ u nder
2677
+ u let
2678
+ Ġ Now
2679
+ Ġt ent
2680
+ Ġs ch
2681
+ Ġs us
2682
+ Ġs aint
2683
+ Ġm ut
2684
+ in ius
2685
+ Ġb ig
2686
+ Ġb roke
2687
+ Ġb ones
2688
+ Ġf at
2689
+ Ġf ine
2690
+ Ġf ive
2691
+ er le
2692
+ it ors
2693
+ Ġd rown
2694
+ Ġc itizens
2695
+ Ġl en
2696
+ Ġl ow
2697
+ Ġl ust
2698
+ Ġl au
2699
+ Ġth reat
2700
+ Ġh undred
2701
+ Ġo bed
2702
+ Ġp et
2703
+ ve y
2704
+ an g
2705
+ Ġof t
2706
+ Ġbe nd
2707
+ Ġbe ll
2708
+ Ġin d
2709
+ ce it
2710
+ le ase
2711
+ et y
2712
+ Ġe ffect
2713
+ Ġyour selves
2714
+ Ġst ood
2715
+ Ġst ain
2716
+ Ġst eel
2717
+ Ġst eal
2718
+ ord s
2719
+ as ion
2720
+ Ġre vere
2721
+ Ġso le
2722
+ AR IEL
2723
+ ea se
2724
+ Ġkn ees
2725
+ ul ar
2726
+ ic ious
2727
+ Ġcon qu
2728
+ ie u
2729
+ Ġbl essed
2730
+ ĠG aunt
2731
+ ĠG remio
2732
+ Ġshe d
2733
+ ĠL et
2734
+ ĠL EW
2735
+ Ġsw ift
2736
+ ĠH ortensio
2737
+ Ġgra nd
2738
+ Ġpro claim
2739
+ ĠP r
2740
+ ĠP adua
2741
+ Ġsa f
2742
+ um e
2743
+ ĠW atch
2744
+ ist ress
2745
+ Ġex c
2746
+ Ġdes perate
2747
+ Ġsl ander
2748
+ Ġpre cious
2749
+ Ġbear s
2750
+ Ġapp are
2751
+ Ġcons cience
2752
+ Ġent ertain
2753
+ ont ent
2754
+ Ġpri de
2755
+ Sir rah
2756
+ uth or
2757
+ Ġgl ory
2758
+ Ġdou ble
2759
+ ates by
2760
+ Ġwo es
2761
+ pose d
2762
+ Ġland s
2763
+ Ġsent ence
2764
+ ĠNor thumberland
2765
+ Ġdru nk
2766
+ Ġtoward s
2767
+ ĠCap ulet
2768
+ Unt o
2769
+ Ġforg ot
2770
+ Ġwis dom
2771
+ Ġven ge
2772
+ Sw eet
2773
+ Ġvict ory
2774
+ Ġkins man
2775
+ ĠX I
2776
+ LAR TIUS
2777
+ ĠLEW IS
2778
+ ĠWatch man
2779
+ ; '
2780
+ B el
2781
+ C ould
2782
+ H ear
2783
+ M P
2784
+ M e
2785
+ P ardon
2786
+ P edant
2787
+ R TIS
2788
+ b ray
2789
+ d en
2790
+ g ment
2791
+ h n
2792
+ i ance
2793
+ o hn
2794
+ p ir
2795
+ u de
2796
+ v ail
2797
+ w hich
2798
+ he ad
2799
+ Ġa uthor
2800
+ Ġs our
2801
+ Ġm ount
2802
+ Ġm ethinks
2803
+ Ġm oney
2804
+ Ġm asters
2805
+ re nt
2806
+ re nce
2807
+ Ġf e
2808
+ Ġf ru
2809
+ Ġf ought
2810
+ Ġf ew
2811
+ Ġd ied
2812
+ Ġd eter
2813
+ Ġc apt
2814
+ Ġp un
2815
+ ow bray
2816
+ Ġha ir
2817
+ ir l
2818
+ Ġe ld
2819
+ Ġst ud
2820
+ est ion
2821
+ Ġdo ing
2822
+ if ul
2823
+ Ġse al
2824
+ il ity
2825
+ ĠC a
2826
+ ct ed
2827
+ ET ER
2828
+ Ġman ner
2829
+ ĠE arl
2830
+ ĠG o
2831
+ ĠG rumio
2832
+ Ġknow ledge
2833
+ um erle
2834
+ Ġen joy
2835
+ Ġr an
2836
+ ĠA nt
2837
+ With in
2838
+ Ġal ive
2839
+ Ġab ro
2840
+ way s
2841
+ Ġhonour s
2842
+ Ġwar m
2843
+ ation s
2844
+ Ġdead ly
2845
+ Ġke pt
2846
+ Ġcont r
2847
+ Ġcont in
2848
+ Ġarm y
2849
+ Ġlords hip
2850
+ Ġgu est
2851
+ Ġgu ess
2852
+ CU RTIS
2853
+ Ġprom ised
2854
+ com es
2855
+ eep er
2856
+ Ġwret ched
2857
+ Ġdesp air
2858
+ Ġchee ks
2859
+ SA MP
2860
+ Ġlab our
2861
+ Ġstru ck
2862
+ Fa ith
2863
+ Ġdeter m
2864
+ SAMP SON
2865
+ ' re
2866
+ : --
2867
+ B U
2868
+ B r
2869
+ C itizens
2870
+ D is
2871
+ E X
2872
+ E ither
2873
+ I GON
2874
+ b ury
2875
+ e y
2876
+ g ood
2877
+ m it
2878
+ t ake
2879
+ Ġt ry
2880
+ Ġt each
2881
+ Ġa id
2882
+ ou nce
2883
+ Ġs im
2884
+ re ed
2885
+ Ġb astard
2886
+ or ious
2887
+ ll ow
2888
+ it ed
2889
+ Ġd ance
2890
+ Ġc orn
2891
+ Ġc red
2892
+ Ġc ried
2893
+ Ġp al
2894
+ Ġhe l
2895
+ Ġhe alth
2896
+ st ant
2897
+ ut io
2898
+ our n
2899
+ Ġli est
2900
+ Ġde g
2901
+ Ġde mand
2902
+ Ġsha ke
2903
+ ea ven
2904
+ am ent
2905
+ Ġse ver
2906
+ Ġher self
2907
+ Ġsp ent
2908
+ ĠM aster
2909
+ ĠM owbray
2910
+ Ġwhe ther
2911
+ Ġam ong
2912
+ Ġshe pherd
2913
+ oth ing
2914
+ pp y
2915
+ Ġun p
2916
+ Ġun w
2917
+ ĠH ow
2918
+ Ġqu oth
2919
+ Ġpro v
2920
+ um b
2921
+ Ġpl ant
2922
+ ĠW ill
2923
+ ĠW hy
2924
+ ose d
2925
+ Ġen counter
2926
+ Ġr ot
2927
+ Ġoff icer
2928
+ Ġbrother s
2929
+ Ġear ly
2930
+ Ġhonour able
2931
+ Ġfl owers
2932
+ LE Y
2933
+ Ġcall s
2934
+ Ġwh ite
2935
+ Ġrem ed
2936
+ Ġmo ved
2937
+ Ġacc ount
2938
+ ew is
2939
+ Ġkind red
2940
+ Ġpri est
2941
+ Ġgu ard
2942
+ Ġchar ity
2943
+ Ġunder stand
2944
+ Ġfool ish
2945
+ Ġhum ble
2946
+ Ġcoun ter
2947
+ Ġdream s
2948
+ Ġgre et
2949
+ ANT IGON
2950
+ Ġval our
2951
+ Ġjud ge
2952
+ Ġwret ch
2953
+ Ġbegg ar
2954
+ Ġsum mer
2955
+ Ġtriump h
2956
+ Ġcru el
2957
+ BU RY
2958
+ ANTIGON US
2959
+ B et
2960
+ F ear
2961
+ L o
2962
+ M ine
2963
+ M ade
2964
+ T CLIFF
2965
+ T rue
2966
+ f all
2967
+ m on
2968
+ r ison
2969
+ Ġ And
2970
+ he art
2971
+ in ing
2972
+ Ġw ail
2973
+ or thy
2974
+ Ġf art
2975
+ Ġf aint
2976
+ it es
2977
+ Ġd in
2978
+ Ġd well
2979
+ Ġy ea
2980
+ Ġth ro
2981
+ Ġh ung
2982
+ Ġp ack
2983
+ Ġg a
2984
+ Ġg ent
2985
+ le ep
2986
+ Ġfor ce
2987
+ Ġwe ary
2988
+ Ġst one
2989
+ Ġst ars
2990
+ as k
2991
+ ro y
2992
+ Ġbut cher
2993
+ if y
2994
+ Ġse ven
2995
+ Ġan on
2996
+ Ġour s
2997
+ ĠC om
2998
+ Ġne ighb
2999
+ ĠR oman
3000
+ Ġv ie
3001
+ ie f
3002
+ Ġbl ame
3003
+ Ġgo ing
3004
+ ĠL ewis
3005
+ Ġthere of
3006
+ Ġun f
3007
+ Ġun s
3008
+ Ġen vy
3009
+ Ġr ise
3010
+ Ġthink s
3011
+ Ġri d
3012
+ Ġpart y
3013
+ Ġad d
3014
+ Ġother s
3015
+ ĠJ ohn
3016
+ ian s
3017
+ Ġkind ness
3018
+ Ġcha st
3019
+ Ġbid s
3020
+ Ġbri ght
3021
+ Ġgl ass
3022
+ Ġmis er
3023
+ Ġcra ve
3024
+ Tw as
3025
+ Ġwin ter
3026
+ Ġmon th
3027
+ Ġmin ister
3028
+ Ġwall s
3029
+ Ġext rem
3030
+ Ġsatisf ied
3031
+ Ġpriv ate
3032
+ ĠVols ces
3033
+ Ġid le
3034
+ Ġscar ce
3035
+ Ġben ef
3036
+ RA TCLIFF
3037
+ Ġlau gh
3038
+ Ġvenge ance
3039
+ Ġabro ad
3040
+ Ġvie w
3041
+ A fter
3042
+ B id
3043
+ B IS
3044
+ F ie
3045
+ G entle
3046
+ H OP
3047
+ N e
3048
+ N ever
3049
+ S ignior
3050
+ U nder
3051
+ a ff
3052
+ g ra
3053
+ n ers
3054
+ o pe
3055
+ s hall
3056
+ u ed
3057
+ v ious
3058
+ w he
3059
+ w oman
3060
+ Ġ ver
3061
+ in centio
3062
+ Ġw re
3063
+ Ġw ench
3064
+ re es
3065
+ ha ve
3066
+ or ous
3067
+ Ġf irm
3068
+ Ġc ir
3069
+ Ġc orse
3070
+ en es
3071
+ Ġl est
3072
+ Ġh ol
3073
+ ve ll
3074
+ ot t
3075
+ om as
3076
+ at t
3077
+ at ing
3078
+ Ġin cl
3079
+ ce ll
3080
+ ut land
3081
+ Ġfor mer
3082
+ Ġe ase
3083
+ ri ar
3084
+ id ent
3085
+ Ġre l
3086
+ Ġre ceived
3087
+ Ġde al
3088
+ am p
3089
+ Ġsp ort
3090
+ Ġfa ire
3091
+ AN LEY
3092
+ ĠR utland
3093
+ Ġv ile
3094
+ Ġsh rew
3095
+ ant ua
3096
+ ĠM antua
3097
+ Ġcon cl
3098
+ Ġcon vey
3099
+ Ġgo d
3100
+ all ow
3101
+ ĠB arn
3102
+ Ġar ri
3103
+ Ġun b
3104
+ ĠH er
3105
+ ĠV incentio
3106
+ Ġmay st
3107
+ el ess
3108
+ Ġqu ite
3109
+ Ġpro vost
3110
+ IS T
3111
+ Ġtru ly
3112
+ Ġdis m
3113
+ Of f
3114
+ Ġfo es
3115
+ Ġro ot
3116
+ Ġwhere fore
3117
+ Ġfl ower
3118
+ Ġim ag
3119
+ Ġtri al
3120
+ ail or
3121
+ Ġsm o
3122
+ Ġtre m
3123
+ Ġfell ows
3124
+ ren ch
3125
+ Ġchan ged
3126
+ Ġco ver
3127
+ Ġhum our
3128
+ Ġbo ot
3129
+ Ġsword s
3130
+ Ġdep uty
3131
+ Ġcond ition
3132
+ Ġjud gment
3133
+ chan ge
3134
+ Ġty rant
3135
+ Ġac qu
3136
+ Ġev il
3137
+ BAL T
3138
+ TY BALT
3139
+ Whi lst
3140
+ Ġeas y
3141
+ ĠMerc utio
3142
+ Ġsch ool
3143
+ Ġexc use
3144
+ Ġfru it
3145
+ BIS HOP
3146
+ ' ?
3147
+ A L
3148
+ B l
3149
+ D es
3150
+ E x
3151
+ K EN
3152
+ M ethinks
3153
+ P ut
3154
+ T ut
3155
+ a ult
3156
+ a fter
3157
+ c on
3158
+ e k
3159
+ e ad
3160
+ e red
3161
+ h is
3162
+ o ot
3163
+ p in
3164
+ r oth
3165
+ r ate
3166
+ s hi
3167
+ t a
3168
+ v ish
3169
+ Ġt aken
3170
+ Ġw ither
3171
+ Ġb a
3172
+ Ġb row
3173
+ Ġb ite
3174
+ Ġb rows
3175
+ Ġf ain
3176
+ Ġf eed
3177
+ er ona
3178
+ Ġd ust
3179
+ Ġd ull
3180
+ en ance
3181
+ Ġth under
3182
+ Ġp ains
3183
+ an ley
3184
+ Ġg own
3185
+ Ġg rown
3186
+ Ġg ift
3187
+ Ġg host
3188
+ Ġg irl
3189
+ Ġbe ha
3190
+ Ġme at
3191
+ ri ft
3192
+ Ġst ab
3193
+ Ġst oop
3194
+ id ings
3195
+ ra ct
3196
+ ard en
3197
+ Ġsp e
3198
+ Ġsp ake
3199
+ Ġsp ring
3200
+ il ia
3201
+ ĠC atesby
3202
+ Ġkn ave
3203
+ AN D
3204
+ Ġv ice
3205
+ ast e
3206
+ Ġsh ore
3207
+ Ġpr oof
3208
+ Ġbl est
3209
+ Ġbl ind
3210
+ em ent
3211
+ Ġsir rah
3212
+ Ġun l
3213
+ Ġqu estion
3214
+ Ġj oint
3215
+ ci ans
3216
+ ĠW e
3217
+ ĠA l
3218
+ ĠA umerle
3219
+ Ġhon esty
3220
+ urse d
3221
+ Ġlea ves
3222
+ Ġtw ice
3223
+ ap er
3224
+ ĠK eeper
3225
+ Ġpre vent
3226
+ OM AS
3227
+ the re
3228
+ ĠMar s
3229
+ Ġrep ent
3230
+ Ġtra itors
3231
+ tw ixt
3232
+ Ġimp ort
3233
+ Ġwrong s
3234
+ Ġbu ried
3235
+ eal ous
3236
+ pl ace
3237
+ Ġreason s
3238
+ Al ack
3239
+ Ġsen ate
3240
+ Ġgre en
3241
+ Ġaff air
3242
+ ac her
3243
+ Ġcho ice
3244
+ az ed
3245
+ Ġdiv ine
3246
+ ĠCoriol i
3247
+ Ġwhi lst
3248
+ Ġsto p
3249
+ Ġty ran
3250
+ Ġprop he
3251
+ Ġemb race
3252
+ Ġmal ice
3253
+ BRA KEN
3254
+ ĠPl antagenet
3255
+ Ġsac red
3256
+ Ġfier y
3257
+ Ġinno cent
3258
+ ĠPaul ina
3259
+ Ġlen g
3260
+ ĠPr ince
3261
+ Ġsaf ety
3262
+ ĠCom inius
3263
+ BRAKEN BURY
3264
+ ? '
3265
+ A d
3266
+ D ER
3267
+ D ON
3268
+ E dward
3269
+ G OR
3270
+ H ence
3271
+ I nd
3272
+ M IST
3273
+ O nce
3274
+ R ichard
3275
+ R ESS
3276
+ c ha
3277
+ d raw
3278
+ e ld
3279
+ g o
3280
+ m n
3281
+ m y
3282
+ m ore
3283
+ n at
3284
+ o p
3285
+ o ly
3286
+ o ard
3287
+ p et
3288
+ p ort
3289
+ p oll
3290
+ s ic
3291
+ w ould
3292
+ Ġ ed
3293
+ Ġ To
3294
+ Ġa vo
3295
+ Ġs its
3296
+ in ous
3297
+ Ġw ag
3298
+ Ġw ings
3299
+ re he
3300
+ Ġb ark
3301
+ or ry
3302
+ Ġf ury
3303
+ Ġf inger
3304
+ er set
3305
+ it ol
3306
+ Ġc ustom
3307
+ en en
3308
+ an ch
3309
+ om erset
3310
+ Ġg ross
3311
+ Ġg arden
3312
+ Ġin form
3313
+ ed ious
3314
+ Ġu sed
3315
+ Ġwe eds
3316
+ Ġe le
3317
+ Ġe ag
3318
+ Ġst ones
3319
+ Ġde c
3320
+ Ġdo or
3321
+ Ġno se
3322
+ Ġall ow
3323
+ th ink
3324
+ Ġan ger
3325
+ ard ine
3326
+ Ġlo ath
3327
+ Ġlo yal
3328
+ ell ow
3329
+ Ġfa res
3330
+ Ġne cess
3331
+ Ġkn ight
3332
+ ct ise
3333
+ Ġsh r
3334
+ Ġor acle
3335
+ ĠO VER
3336
+ My self
3337
+ hy sic
3338
+ Ġmay or
3339
+ el ve
3340
+ Ġho llow
3341
+ Ġsa il
3342
+ Ġpl ague
3343
+ un ning
3344
+ Ġr ound
3345
+ Ġfri ght
3346
+ ick ed
3347
+ With out
3348
+ Ġal ways
3349
+ Ġro b
3350
+ Ġro ck
3351
+ Ġwhere in
3352
+ Ġdes ign
3353
+ Where in
3354
+ aught ers
3355
+ Ġad ieu
3356
+ Ġcomm end
3357
+ Ġcl aim
3358
+ Ġpre vail
3359
+ Ġpray er
3360
+ PET ER
3361
+ Ġple ad
3362
+ Ġper ceive
3363
+ Ġtr oth
3364
+ Ġru de
3365
+ Ġtong ues
3366
+ Ġsub st
3367
+ Ġsm ile
3368
+ Ġimp rison
3369
+ Ġcare s
3370
+ GRE GOR
3371
+ Ġdra wn
3372
+ Ġem pt
3373
+ Ġwant on
3374
+ Ġass ist
3375
+ unt s
3376
+ Ġtem pt
3377
+ Ġdeser ve
3378
+ Ġdel ight
3379
+ ĠCap itol
3380
+ Ġpra ctise
3381
+ Ġchee k
3382
+ Ġabs ence
3383
+ ĠTh omas
3384
+ Ġdro p
3385
+ Ġcreat ure
3386
+ Ġtrump ets
3387
+ Ġut ter
3388
+ Ġlan gu
3389
+ Ġignor ant
3390
+ Br other
3391
+ Ġrot ten
3392
+ Ġremed y
3393
+ Ġcir c
3394
+ ĠBarn ardine
3395
+ DER BY
3396
+ DON E
3397
+ Ind eed
3398
+ MIST RESS
3399
+ enen ius
3400
+ ĠOVER DONE
3401
+ GREGOR Y
3402
+ A rt
3403
+ C H
3404
+ D ost
3405
+ F ORD
3406
+ O X
3407
+ P oor
3408
+ R es
3409
+ R ICH
3410
+ S OM
3411
+ T urn
3412
+ V AL
3413
+ a ct
3414
+ d y
3415
+ e ous
3416
+ m ion
3417
+ s ing
3418
+ t hi
3419
+ w hat
3420
+ y ard
3421
+ Ġ es
3422
+ Ġ Where
3423
+ Ġt une
3424
+ Ġt idings
3425
+ Ġt edious
3426
+ he ld
3427
+ Ġa im
3428
+ Ġa ught
3429
+ Ġs hip
3430
+ Ġs ens
3431
+ Ġw ent
3432
+ Ġw ont
3433
+ Ġw ives
3434
+ Ġw icked
3435
+ ha ps
3436
+ is a
3437
+ is es
3438
+ on ounce
3439
+ Ġd ur
3440
+ Ġc re
3441
+ Ġc ell
3442
+ Ġc ure
3443
+ Ġc arry
3444
+ Ġc ries
3445
+ es y
3446
+ Ġn umber
3447
+ Ġl ar
3448
+ Ġl oud
3449
+ Ġth rust
3450
+ Ġh it
3451
+ Ġh id
3452
+ Ġp il
3453
+ Ġp air
3454
+ ot he
3455
+ Ġbe comes
3456
+ ce nd
3457
+ ut es
3458
+ im ent
3459
+ ri ous
3460
+ Ġst ar
3461
+ Ġst at
3462
+ Ġst eed
3463
+ as hi
3464
+ Ġre ceive
3465
+ Ġas leep
3466
+ Ġde w
3467
+ Ġde ceived
3468
+ Ġde posed
3469
+ Ġsha r
3470
+ th is
3471
+ ard s
3472
+ han t
3473
+ Ġv antage
3474
+ ER IA
3475
+ ER SET
3476
+ ĠM usic
3477
+ Ġcon j
3478
+ ong s
3479
+ ĠG rey
3480
+ Ġshe ep
3481
+ Ġthere in
3482
+ ĠS ic
3483
+ ĠS omerset
3484
+ ĠV erona
3485
+ Ġj ealous
3486
+ Ġshould st
3487
+ Ġpro per
3488
+ Ġr as
3489
+ Ġout ward
3490
+ Ġwho le
3491
+ Ġoff end
3492
+ ĠY our
3493
+ Ġal as
3494
+ Ġhea v
3495
+ Ġear n
3496
+ eet h
3497
+ Ġmean ing
3498
+ ace d
3499
+ Ġchi ef
3500
+ Ġbeg ins
3501
+ ĠJ ove
3502
+ Ġru in
3503
+ lo ved
3504
+ iss ion
3505
+ Ġres ign
3506
+ Ġfoll ows
3507
+ Ġtre ad
3508
+ Ġtre acher
3509
+ eth ought
3510
+ Ġban ished
3511
+ Ġpass ing
3512
+ Ġwo ful
3513
+ Ġdev ise
3514
+ Ġfollow ers
3515
+ Ġfool s
3516
+ Ġmaid s
3517
+ Sh ow
3518
+ Ġadv ise
3519
+ Ġgi ves
3520
+ itt ing
3521
+ Ġremem b
3522
+ Ġaw ake
3523
+ Ġborn e
3524
+ Ġsupp er
3525
+ Ġlam b
3526
+ Ġcond u
3527
+ az e
3528
+ Ġsil ence
3529
+ Ġposs ible
3530
+ Ha ving
3531
+ Ġprof ess
3532
+ Ġdesp ite
3533
+ MON D
3534
+ Ġgar ments
3535
+ Ġcast le
3536
+ Ġthri ve
3537
+ Ġexp ress
3538
+ Ġund one
3539
+ Ġdread ful
3540
+ Ġbab e
3541
+ Ġprot ect
3542
+ Bes ides
3543
+ Ġbro ken
3544
+ Ġviol ent
3545
+ ĠChrist ian
3546
+ Ġpu bl
3547
+ Ġocc asion
3548
+ Ġnob les
3549
+ Int o
3550
+ urs day
3551
+ Ġfat al
3552
+ Ġbell y
3553
+ Ġauthor ity
3554
+ Ġsim ple
3555
+ Ġfart her
3556
+ Ġthro at
3557
+ Ġbenef it
3558
+ pin ion
3559
+ Ġaffair s
3560
+ poll o
3561
+ OX FORD
3562
+ RICH MOND
3563
+ SOM ERSET
3564
+ VAL ERIA
3565
+ mion e
3566
+ A MIL
3567
+ B US
3568
+ G reat
3569
+ H Y
3570
+ H ast
3571
+ L IUS
3572
+ M OP
3573
+ M AMIL
3574
+ P er
3575
+ T ybalt
3576
+ T ailor
3577
+ V ery
3578
+ a pp
3579
+ c ing
3580
+ c an
3581
+ e g
3582
+ f l
3583
+ f ather
3584
+ g le
3585
+ i ond
3586
+ o at
3587
+ p r
3588
+ r on
3589
+ s on
3590
+ u b
3591
+ Ġ er
3592
+ Ġ ir
3593
+ Ġ There
3594
+ Ġt ort
3595
+ Ġt aste
3596
+ Ġs an
3597
+ Ġs ix
3598
+ Ġs orry
3599
+ Ġw ine
3600
+ Ġw ander
3601
+ Ġb and
3602
+ Ġb ond
3603
+ er ved
3604
+ it ude
3605
+ Ġd et
3606
+ Ġd ue
3607
+ Ġc al
3608
+ Ġc am
3609
+ Ġc unning
3610
+ en e
3611
+ en n
3612
+ Ġn ine
3613
+ Ġn ames
3614
+ Ġl end
3615
+ ar ch
3616
+ Ġto p
3617
+ Ġp in
3618
+ Ġp awn
3619
+ Ġp aper
3620
+ Ġp hysic
3621
+ Ġg ain
3622
+ Ġg age
3623
+ Ġbe like
3624
+ Ġbe held
3625
+ Ġin fect
3626
+ ld om
3627
+ ed ing
3628
+ ut ation
3629
+ Ġwe ight
3630
+ Ġwe ap
3631
+ ill s
3632
+ Ġe qu
3633
+ ent ure
3634
+ Ġst ore
3635
+ Ġst ep
3636
+ Ġst ock
3637
+ Ġst uff
3638
+ Ġre nown
3639
+ ra nd
3640
+ Ġli p
3641
+ Ġde are
3642
+ ro om
3643
+ ea ve
3644
+ us ion
3645
+ if fe
3646
+ Ġse as
3647
+ Ġsu p
3648
+ ru n
3649
+ Ġan ge
3650
+ Ġlo d
3651
+ ell o
3652
+ Ġsp end
3653
+ Ġsp are
3654
+ ho p
3655
+ Ġv an
3656
+ ous es
3657
+ Ġsh ut
3658
+ ust ice
3659
+ ĠM OW
3660
+ ĠM enenius
3661
+ ol ix
3662
+ Ġsw ay
3663
+ Ġbr ook
3664
+ Ġking ly
3665
+ ĠB ona
3666
+ Ġun nat
3667
+ ĠH arry
3668
+ Ġqu it
3669
+ ime ly
3670
+ Ġen vious
3671
+ Ġr ash
3672
+ Ġdis d
3673
+ AB HOR
3674
+ Ġro om
3675
+ Ġex ile
3676
+ Ġex cell
3677
+ Ġdes ert
3678
+ Ġgentle woman
3679
+ Ġfl ight
3680
+ Ġtw elve
3681
+ Ġpart s
3682
+ Ġpre y
3683
+ TH OMAS
3684
+ Ġper il
3685
+ Ġper ish
3686
+ Ġtr ans
3687
+ ite ous
3688
+ ĠF riar
3689
+ Ġwh ither
3690
+ sw ain
3691
+ Ġunt il
3692
+ Ġaf fect
3693
+ Ġle an
3694
+ Ġle gs
3695
+ ors es
3696
+ Ġkeep s
3697
+ Ġacc us
3698
+ ST ANLEY
3699
+ Ġpri ze
3700
+ Ġpur su
3701
+ Ġcha ir
3702
+ Ġcount enance
3703
+ Ġplease d
3704
+ ount y
3705
+ Ġhum bly
3706
+ Ġcourt esy
3707
+ Ġadv antage
3708
+ Ġcur st
3709
+ pl oy
3710
+ Ġspir its
3711
+ Tw o
3712
+ Ġint end
3713
+ Ġden ied
3714
+ anc y
3715
+ Ġdisp osition
3716
+ Ġbetw ixt
3717
+ Ġsil ver
3718
+ Ġdel ay
3719
+ Ġresol ve
3720
+ ĠTh ursday
3721
+ Ġwed ding
3722
+ Ġsigh s
3723
+ Ġhur t
3724
+ BRA Y
3725
+ Ġcol our
3726
+ Ġcle ar
3727
+ Ġow e
3728
+ Ġprepare d
3729
+ Ġdamn ed
3730
+ Ġshad ow
3731
+ Ġpleas ant
3732
+ Ġforsw orn
3733
+ Ġstor m
3734
+ De ath
3735
+ Ġthreat en
3736
+ Ġconqu er
3737
+ Ġpun ish
3738
+ ĠCa ius
3739
+ Ġcontr ary
3740
+ EX ETER
3741
+ Ġpal ace
3742
+ Ġdin ner
3743
+ Ġneighb our
3744
+ Ġmiser able
3745
+ Ġspe ci
3746
+ Ġempt y
3747
+ ĠMusic ian
3748
+ BUS HY
3749
+ MOP SA
3750
+ MAMIL LIUS
3751
+ iond ello
3752
+ Ġsan ct
3753
+ ĠMOW BRAY
3754
+ olix enes
3755
+ ABHOR SON
3756
+ C Y
3757
+ C ousin
3758
+ E d
3759
+ K now
3760
+ N one
3761
+ N othing
3762
+ P re
3763
+ R et
3764
+ R ight
3765
+ R em
3766
+ R ep
3767
+ S c
3768
+ S ha
3769
+ W idow
3770
+ b ow
3771
+ b orn
3772
+ g race
3773
+ h or
3774
+ h ore
3775
+ l ar
3776
+ m ity
3777
+ o c
3778
+ o ke
3779
+ p ar
3780
+ p ing
3781
+ p ic
3782
+ p ass
3783
+ t une
3784
+ u rious
3785
+ w e
3786
+ w ise
3787
+ y ond
3788
+ Ġ When
3789
+ Ġt ut
3790
+ Ġt able
3791
+ Ġs cept
3792
+ Ġm iss
3793
+ Ġm urderer
3794
+ Ġm aking
3795
+ Ġm otion
3796
+ Ġm ourn
3797
+ Ġw ot
3798
+ Ġw ood
3799
+ Ġw ol
3800
+ Ġw ond
3801
+ re ase
3802
+ Ġb as
3803
+ Ġb are
3804
+ Ġb all
3805
+ Ġb ud
3806
+ is ing
3807
+ Ġf le
3808
+ Ġf ro
3809
+ Ġf ee
3810
+ Ġf ashi
3811
+ er ve
3812
+ Ġd i
3813
+ Ġd ign
3814
+ Ġd ies
3815
+ Ġd ag
3816
+ Ġd aughters
3817
+ Ġc ens
3818
+ Ġc up
3819
+ Ġc alm
3820
+ en cy
3821
+ Ġn aked
3822
+ Ġy onder
3823
+ Ġo pinion
3824
+ Ġp ure
3825
+ Ġp ort
3826
+ Ġp ainted
3827
+ Ġp iteous
3828
+ Ġhe ed
3829
+ ot e
3830
+ an e
3831
+ Ġg ate
3832
+ Ġbe w
3833
+ Ġbe loved
3834
+ se qu
3835
+ ir g
3836
+ Ġme nd
3837
+ our ish
3838
+ Ġwe igh
3839
+ ri b
3840
+ Ġst ory
3841
+ Ġre ward
3842
+ ur ance
3843
+ Ġde bt
3844
+ Ġon es
3845
+ AR CH
3846
+ am ed
3847
+ Ġse est
3848
+ Th ree
3849
+ ru ly
3850
+ th ou
3851
+ Ġfa il
3852
+ ER CY
3853
+ qu e
3854
+ Ġgood ness
3855
+ Ġpr onounce
3856
+ Ġcom ple
3857
+ ĠM essenger
3858
+ Ġam b
3859
+ Ġam en
3860
+ out s
3861
+ ol er
3862
+ Ġhat red
3863
+ Ġtheir s
3864
+ ĠB iondello
3865
+ Ġar g
3866
+ ig ence
3867
+ Ġqu ench
3868
+ Ġho pes
3869
+ ci o
3870
+ ci an
3871
+ Ġsee ing
3872
+ ĠP ro
3873
+ ĠP eter
3874
+ ĠP isa
3875
+ ĠP olixenes
3876
+ ĠP ERCY
3877
+ um ble
3878
+ Ġpl ot
3879
+ Ġdis s
3880
+ Ġex pect
3881
+ Ġsl ow
3882
+ Ġad o
3883
+ TH AS
3884
+ ĠD id
3885
+ Ġper fect
3886
+ Ġper pet
3887
+ Ġwr ath
3888
+ Than ks
3889
+ les ome
3890
+ ĠF l
3891
+ Ġrem ains
3892
+ Ġcrown s
3893
+ Ġhar k
3894
+ Ġcour age
3895
+ Ġwit s
3896
+ cl ock
3897
+ Ġacc ess
3898
+ Ġacc use
3899
+ Ġfoll y
3900
+ On ly
3901
+ Ġend s
3902
+ Ġend ure
3903
+ Ġneed ful
3904
+ St ill
3905
+ Ġbod ies
3906
+ Ġjoy s
3907
+ Ġjoy ful
3908
+ Ġfort unes
3909
+ Ġmist ake
3910
+ Ġnat ural
3911
+ Ġhapp iness
3912
+ Ġmis ery
3913
+ Ġunder take
3914
+ Ġch ide
3915
+ Ġatt empt
3916
+ Ġadv ance
3917
+ Ġcur ses
3918
+ Ġem ploy
3919
+ Ġass urance
3920
+ Ġpers u
3921
+ Ġdisc ontent
3922
+ Ġsen ators
3923
+ Ġcra ck
3924
+ Ġint ent
3925
+ Ġsomet ime
3926
+ Ġwound ed
3927
+ Ġspo ken
3928
+ Ġdru m
3929
+ Ġmark et
3930
+ ca pe
3931
+ Ġwat ers
3932
+ Ġcurse d
3933
+ Ġinstru ct
3934
+ Ġinstru ment
3935
+ ĠN ap
3936
+ ĠRi vers
3937
+ Ġter ror
3938
+ Ġresol ved
3939
+ chan ce
3940
+ Ġwhi les
3941
+ Ġcor rupt
3942
+ ne y
3943
+ Ġbur then
3944
+ Ġgrie v
3945
+ Ġdu ked
3946
+ Ġac cept
3947
+ Ġgro an
3948
+ BAL THAS
3949
+ Ġcol ours
3950
+ Ġpen it
3951
+ Ġprot est
3952
+ Ġprin ces
3953
+ Ġprin cess
3954
+ ĠSt anley
3955
+ Ġgovern ment
3956
+ Pr ithee
3957
+ Ġobed ience
3958
+ Ġpet ition
3959
+ Ġsole mn
3960
+ Bel ieve
3961
+ Ġcontin ue
3962
+ Ġcred it
3963
+ Ġsever al
3964
+ heart ed
3965
+ Ġwre ck
3966
+ Ġlangu age
3967
+ Ġcirc um
3968
+ Ġdur st
3969
+ Ġrememb rance
3970
+ Ġpubl ic
3971
+ Ġunnat ural
3972
+ pic ion
3973
+ Ġduked om
3974
+ BALTHAS AR
3975
+ ? --
3976
+ A r
3977
+ A pp
3978
+ A Ed
3979
+ B ear
3980
+ B oat
3981
+ F ather
3982
+ F OL
3983
+ H eaven
3984
+ L ove
3985
+ M ight
3986
+ M ark
3987
+ O S
3988
+ P ost
3989
+ P age
3990
+ S ave
3991
+ a fe
3992
+ b ear
3993
+ d o
3994
+ d ds
3995
+ e x
3996
+ f er
3997
+ g ers
3998
+ h ow
3999
+ i pe
4000
+ j ust
4001
+ l ic
4002
+ o e
4003
+ o ved
4004
+ p ed
4005
+ p ro
4006
+ s c
4007
+ s ame
4008
+ t ime
4009
+ u ary
4010
+ v al
4011
+ v ours
4012
+ y r
4013
+ Ġ Nay
4014
+ Ġ They
4015
+ Ġt est
4016
+ Ġt eeth
4017
+ he st
4018
+ Ġs ink
4019
+ Ġs ins
4020
+ Ġm ag
4021
+ Ġm ile
4022
+ in ation
4023
+ ha ppy
4024
+ is hop
4025
+ Ġf ame
4026
+ er d
4027
+ it a
4028
+ Ġc ock
4029
+ Ġc ease
4030
+ en ces
4031
+ Ġn ought
4032
+ Ġl ed
4033
+ ar ies
4034
+ Ġh ost
4035
+ Ġh unt
4036
+ Ġh ouses
4037
+ Ġh orses
4038
+ Ġo dd
4039
+ Ġo bs
4040
+ Ġo dds
4041
+ Ġto mb
4042
+ Ġp ol
4043
+ Ġp owers
4044
+ st rous
4045
+ om p
4046
+ om en
4047
+ at ic
4048
+ at ience
4049
+ Ġbe yond
4050
+ Ġha z
4051
+ ut ed
4052
+ Ġme re
4053
+ Ġis le
4054
+ Ġis land
4055
+ our age
4056
+ Ġe ast
4057
+ Ġit s
4058
+ Ġk in
4059
+ id ence
4060
+ Ġre pe
4061
+ Ġre alm
4062
+ Ġsha pe
4063
+ us es
4064
+ if ied
4065
+ Ġse ize
4066
+ Th ose
4067
+ Ġsp ite
4068
+ Ġfa ces
4069
+ ĠC an
4070
+ ĠC al
4071
+ ĠR OS
4072
+ Ġv ault
4073
+ Ġv irg
4074
+ Ġsh un
4075
+ ant s
4076
+ Ġcom est
4077
+ Ġman ners
4078
+ ĠE l
4079
+ ic ular
4080
+ Ġcon c
4081
+ ie ved
4082
+ Ġbl ock
4083
+ Ġbl ush
4084
+ ĠG ood
4085
+ are d
4086
+ are nt
4087
+ ol ute
4088
+ Ġhere after
4089
+ Ġsw allow
4090
+ Ġbr ings
4091
+ ĠS o
4092
+ ĠB l
4093
+ el t
4094
+ Ġqu al
4095
+ Ġj our
4096
+ You ng
4097
+ ak est
4098
+ um ent
4099
+ Ġfather s
4100
+ ĠW ho
4101
+ Ġen mity
4102
+ Ġr ing
4103
+ CA S
4104
+ ĠY et
4105
+ Ġal ter
4106
+ Ġlook ing
4107
+ Ġfriend ly
4108
+ Ġsl ay
4109
+ Ġfl ies
4110
+ ĠT ake
4111
+ Ġfair ly
4112
+ tle d
4113
+ Ġad vers
4114
+ Ġcl o
4115
+ Ġwr ite
4116
+ Ġtr ade
4117
+ Ġway s
4118
+ Ġsc ope
4119
+ Ġsc ene
4120
+ aint ain
4121
+ the y
4122
+ Ġke y
4123
+ ĠF rench
4124
+ Ġapp rehe
4125
+ Ġcont ract
4126
+ Ġwh ore
4127
+ Ġarm our
4128
+ ction s
4129
+ Ġunt imely
4130
+ ress ion
4131
+ Ġim m
4132
+ Ġrep air
4133
+ Ġru le
4134
+ Ġle ads
4135
+ Ġsle pt
4136
+ Ġacc ord
4137
+ Ġpur cha
4138
+ Ġcomp ass
4139
+ orse t
4140
+ Ġseem ing
4141
+ Ġbra in
4142
+ Ġgl orious
4143
+ Ġimp oss
4144
+ Ġpass age
4145
+ Ġmaid en
4146
+ Ġhate ful
4147
+ Ġstre w
4148
+ Ġturn s
4149
+ ute ous
4150
+ Ġinst ant
4151
+ Ġbo ar
4152
+ Ġwant s
4153
+ NOR FOL
4154
+ Ġdisc over
4155
+ Ġcommand ed
4156
+ Ġhang ing
4157
+ Ġcontent ed
4158
+ Ġdare s
4159
+ Ġfree ly
4160
+ Ġgre y
4161
+ Ġserv ices
4162
+ Ġtem per
4163
+ Ġdru ms
4164
+ Ġcho ler
4165
+ Ġgrow s
4166
+ Ġdeser ves
4167
+ no on
4168
+ ĠLu cio
4169
+ Ġgrant ed
4170
+ Com m
4171
+ Ġter ms
4172
+ Ġinc rease
4173
+ Ġresol ution
4174
+ Ġshort ly
4175
+ Ġve x
4176
+ Ġpra ise
4177
+ Ġabs ent
4178
+ Ġven om
4179
+ Ġdro ps
4180
+ Ġpriv ile
4181
+ Ġrespect ed
4182
+ Ġfra me
4183
+ Bes eech
4184
+ Ġappro ach
4185
+ Ġcompl ain
4186
+ Ġtor ment
4187
+ Ġunk nown
4188
+ Ġprosper ous
4189
+ DOR CAS
4190
+ Ġsus picion
4191
+ Ġrevere nd
4192
+ Ġappare l
4193
+ Ġcapt ain
4194
+ Ġdeg ree
4195
+ ĠHer mione
4196
+ Ġsmo oth
4197
+ Ġlar ge
4198
+ Ġshar p
4199
+ Ġearn est
4200
+ Ġcam est
4201
+ Ġdisd ain
4202
+ Ġexcell ent
4203
+ Ġscept re
4204
+ Ġdag ger
4205
+ ĠNap les
4206
+ Boat swain
4207
+ ĠROS S
4208
+ NORFOL K
4209
+ A men
4210
+ B oy
4211
+ C ame
4212
+ C ons
4213
+ D IN
4214
+ D ear
4215
+ F ER
4216
+ G H
4217
+ G host
4218
+ H as
4219
+ L ong
4220
+ M istress
4221
+ N S
4222
+ P lease
4223
+ R R
4224
+ R oman
4225
+ S et
4226
+ W ilt
4227
+ W orthy
4228
+ a ces
4229
+ a ily
4230
+ b ri
4231
+ b ra
4232
+ d is
4233
+ f ret
4234
+ g l
4235
+ g ar
4236
+ i ven
4237
+ i ate
4238
+ i pp
4239
+ k in
4240
+ k er
4241
+ l aw
4242
+ p ul
4243
+ u ce
4244
+ w ife
4245
+ Ġ Therefore
4246
+ Ġt ame
4247
+ Ġt aught
4248
+ Ġt ap
4249
+ Ġt ide
4250
+ Ġa ble
4251
+ Ġs qu
4252
+ Ġs outh
4253
+ Ġm or
4254
+ Ġm ill
4255
+ Ġm essenger
4256
+ in y
4257
+ re g
4258
+ re land
4259
+ re me
4260
+ Ġb ird
4261
+ Ġb ury
4262
+ is per
4263
+ Ġf ig
4264
+ Ġf urn
4265
+ it us
4266
+ Ġd ig
4267
+ Ġd ress
4268
+ Ġd aily
4269
+ Ġc hat
4270
+ Ġc atch
4271
+ Ġl ark
4272
+ Ġth orn
4273
+ Ġth ief
4274
+ Ġp arent
4275
+ ĠI reland
4276
+ an ces
4277
+ om ans
4278
+ at er
4279
+ at ure
4280
+ at cl
4281
+ Ġbe f
4282
+ Ġbe ard
4283
+ Ġbe think
4284
+ Ġme ant
4285
+ Ġwe ather
4286
+ Ġwe pt
4287
+ ad es
4288
+ ri cians
4289
+ Ġst ol
4290
+ Ġst amp
4291
+ Ġre j
4292
+ Ġre com
4293
+ Ġre vol
4294
+ Ġli on
4295
+ al ine
4296
+ Ġwill ing
4297
+ Ġwill ingly
4298
+ Ġno bl
4299
+ Ġno bly
4300
+ and al
4301
+ Ġse ason
4302
+ Ġsu ll
4303
+ Ġsu ck
4304
+ Ġsp r
4305
+ Ġsp ur
4306
+ ĠC o
4307
+ ĠC ons
4308
+ Ġkn ife
4309
+ ĠR os
4310
+ ĠR omans
4311
+ Ġv ows
4312
+ Ġcom b
4313
+ ĠM ay
4314
+ ĠM il
4315
+ Ġam azed
4316
+ Ġcon ce
4317
+ Ġcon ceit
4318
+ Ġcon stant
4319
+ em ber
4320
+ He lp
4321
+ Ġlove ly
4322
+ Ġsw ell
4323
+ ĠS T
4324
+ ĠB e
4325
+ ĠB er
4326
+ Ġun less
4327
+ Ġwor n
4328
+ Ġwor thi
4329
+ Ġj ew
4330
+ Ġmust er
4331
+ Ġpro vo
4332
+ ĠP ray
4333
+ Ġr uth
4334
+ ĠA d
4335
+ ĠA pollo
4336
+ Ġdis per
4337
+ Ġab hor
4338
+ Ġro ar
4339
+ Ġro gue
4340
+ Ġtell s
4341
+ Ġwhere of
4342
+ Ġwar like
4343
+ Ġhast y
4344
+ Ġfear s
4345
+ Ġgreat est
4346
+ old ier
4347
+ Ġpart icular
4348
+ Ġad ver
4349
+ Ġcomm itted
4350
+ Ġcl am
4351
+ ĠD o
4352
+ Ġper j
4353
+ Ġper force
4354
+ Ġwr ought
4355
+ li ament
4356
+ Ġnor th
4357
+ Ġpres s
4358
+ Ġra p
4359
+ Ġra ise
4360
+ ĠF arewell
4361
+ Ġbeg un
4362
+ for th
4363
+ ĠJ ack
4364
+ Ġcons ider
4365
+ Ġpe ers
4366
+ lo ve
4367
+ Ġwit ch
4368
+ Ġacc used
4369
+ Ġkind ly
4370
+ Ġcomp an
4371
+ Ġsm iles
4372
+ Ġcount y
4373
+ Ġfind s
4374
+ St ri
4375
+ Ġbra w
4376
+ Ġchar ged
4377
+ Ġpass ion
4378
+ Cl arence
4379
+ Ġhold s
4380
+ GRE EN
4381
+ Ġstre ets
4382
+ Ġbu ild
4383
+ Ġsound ly
4384
+ Ġser ves
4385
+ Ġbo ots
4386
+ Ġadv ice
4387
+ Ġcur rent
4388
+ Ġreven ged
4389
+ Ġass ured
4390
+ Ġsend s
4391
+ Ġgi ving
4392
+ Ġwind s
4393
+ Ġhang ed
4394
+ Ġdare st
4395
+ Ġint ell
4396
+ Ġsupp osed
4397
+ Ġaff ord
4398
+ ALO NS
4399
+ Wh ither
4400
+ Ġhard ly
4401
+ Ġprof it
4402
+ Ġpar liament
4403
+ Ġrec ord
4404
+ Ġve ins
4405
+ Ġwast e
4406
+ Ġsto pp
4407
+ Unt il
4408
+ Ġpie ces
4409
+ Ġwa it
4410
+ Ġgar land
4411
+ Ġgrie ve
4412
+ Ġsk y
4413
+ Ġforb ear
4414
+ ĠPom fret
4415
+ Ġdire ct
4416
+ Ġgro ans
4417
+ Ġthri ce
4418
+ Ġest ate
4419
+ ern s
4420
+ TY RR
4421
+ Ġopp os
4422
+ Ġdest roy
4423
+ Ab out
4424
+ Ġur ged
4425
+ Ġaffection s
4426
+ Ġfam ous
4427
+ Ġhap ly
4428
+ DOR SET
4429
+ Su pp
4430
+ Ġlust y
4431
+ Ġeld er
4432
+ Ġstud y
4433
+ Ġcounter feit
4434
+ Gentle men
4435
+ Ġarri ved
4436
+ Ġbeha lf
4437
+ ĠMars hal
4438
+ Ġavo id
4439
+ Ġimprison ment
4440
+ unts man
4441
+ Ġras cal
4442
+ Ġtreacher ous
4443
+ Ġcondu ct
4444
+ Ġprotect or
4445
+ Ġspeci al
4446
+ Ġsanct uary
4447
+ Ġperpet ual
4448
+ Ġgriev ous
4449
+ AEd ile
4450
+ Ġvirg in
4451
+ Ġjour ney
4452
+ DIN AND
4453
+ FER DINAND
4454
+ atcl iff
4455
+ ĠCons pir
4456
+ ALONS O
4457
+ TYRR EL
4458
+ ; --
4459
+ A cc
4460
+ B ring
4461
+ C oriol
4462
+ K eep
4463
+ L eave
4464
+ M akes
4465
+ V ols
4466
+ a f
4467
+ c ure
4468
+ d es
4469
+ d ig
4470
+ e at
4471
+ e rer
4472
+ f ess
4473
+ f ellow
4474
+ f aced
4475
+ g rim
4476
+ g room
4477
+ i b
4478
+ i ving
4479
+ i enn
4480
+ l anch
4481
+ m aster
4482
+ m ory
4483
+ m aid
4484
+ n al
4485
+ s ha
4486
+ s er
4487
+ s ome
4488
+ t ies
4489
+ u pt
4490
+ v ior
4491
+ w ear
4492
+ x eter
4493
+ z z
4494
+ Ġ z
4495
+ Ġ ing
4496
+ Ġ Then
4497
+ Ġt ask
4498
+ Ġa ch
4499
+ Ġa pt
4500
+ Ġa unt
4501
+ Ġs y
4502
+ Ġs al
4503
+ Ġs ire
4504
+ Ġm ult
4505
+ Ġm aintain
4506
+ Ġw ing
4507
+ Ġw ide
4508
+ Ġw hip
4509
+ Ġw aking
4510
+ re en
4511
+ Ġb ade
4512
+ is bury
4513
+ Ġf i
4514
+ Ġf ood
4515
+ Ġf row
4516
+ Ġf un
4517
+ Ġf eet
4518
+ Ġf ires
4519
+ Ġf ancy
4520
+ er ity
4521
+ er by
4522
+ it ation
4523
+ on ci
4524
+ Ġd ow
4525
+ Ġd im
4526
+ Ġd ri
4527
+ Ġd ying
4528
+ Ġc her
4529
+ Ġc aught
4530
+ Ġc ere
4531
+ es ar
4532
+ es sel
4533
+ en ant
4534
+ Ġn ail
4535
+ Ġl in
4536
+ Ġy ond
4537
+ Ġy oke
4538
+ Ġth ird
4539
+ Ġh or
4540
+ Ġh ie
4541
+ Ġp i
4542
+ Ġp ot
4543
+ Ġp ound
4544
+ Ġp urse
4545
+ Ġp ier
4546
+ ve t
4547
+ at ive
4548
+ se ll
4549
+ Ġin qu
4550
+ et ite
4551
+ ed er
4552
+ ut enant
4553
+ Ġme lt
4554
+ Ġme lanch
4555
+ Ġfor s
4556
+ Ġfor ced
4557
+ Ġfor feit
4558
+ our se
4559
+ our th
4560
+ Ġe vent
4561
+ ad v
4562
+ ad ed
4563
+ ri ck
4564
+ Ġst ing
4565
+ Ġst ro
4566
+ Ġst out
4567
+ Ġst ret
4568
+ Ġst roke
4569
+ Ġre ck
4570
+ ra c
4571
+ al es
4572
+ al isbury
4573
+ Ġso re
4574
+ Ġso oth
4575
+ Ġde ceit
4576
+ ro ll
4577
+ est ed
4578
+ ea rer
4579
+ am b
4580
+ am s
4581
+ am ing
4582
+ Ġse es
4583
+ Ġall iance
4584
+ Ġsu e
4585
+ ru ction
4586
+ ell ion
4587
+ Ġsp le
4588
+ il ence
4589
+ Ġkn aves
4590
+ Ġv essel
4591
+ ul ate
4592
+ art s
4593
+ nt y
4594
+ ĠE xeter
4595
+ ic y
4596
+ Ġcon fe
4597
+ Ġbl unt
4598
+ ĠG ive
4599
+ are s
4600
+ ĠL e
4601
+ Ġsay ing
4602
+ ĠS oldier
4603
+ Ġun just
4604
+ Ġun happy
4605
+ ig nty
4606
+ LI S
4607
+ Ġgra ves
4608
+ ĠW ell
4609
+ Ġen force
4610
+ de em
4611
+ ĠA ll
4612
+ ĠA way
4613
+ ire ct
4614
+ har ge
4615
+ Ġoff ended
4616
+ Ġdis sem
4617
+ Ġdis grace
4618
+ Ġal ack
4619
+ Ġal ike
4620
+ Ġal though
4621
+ Ġab ide
4622
+ Ġab oard
4623
+ No ble
4624
+ Ġro se
4625
+ Ġex change
4626
+ So ft
4627
+ ag es
4628
+ Ġdes ires
4629
+ Ġdes cend
4630
+ Ġsl aves
4631
+ Ġfl ood
4632
+ Ġfl att
4633
+ Ġtw ain
4634
+ ĠT itus
4635
+ Ġbet ray
4636
+ Ġbet imes
4637
+ Ġnew ly
4638
+ Ġpart ing
4639
+ Ġpart ly
4640
+ Ġcall ed
4641
+ Ġcomm ons
4642
+ Ġcomm ission
4643
+ Ġstand ing
4644
+ Ġcl im
4645
+ ĠD e
4646
+ ĠD orset
4647
+ ĠD erby
4648
+ ull us
4649
+ Ġwr ink
4650
+ Ġbear ing
4651
+ aint s
4652
+ Ġra re
4653
+ the e
4654
+ ĠF roth
4655
+ Ġapp eal
4656
+ Ġapp etite
4657
+ Ġcont empt
4658
+ Ġwh isper
4659
+ Ġim age
4660
+ ĠMar ian
4661
+ for ced
4662
+ Ġru st
4663
+ Ġru led
4664
+ Ġhouse hold
4665
+ Ġrest ra
4666
+ erc y
4667
+ Ġset s
4668
+ cl am
4669
+ os ing
4670
+ Ġres ist
4671
+ Ġtri ck
4672
+ Ġput s
4673
+ Ġpower ful
4674
+ Ġcha se
4675
+ Ġcha rac
4676
+ Ġsm ell
4677
+ Ġtre asure
4678
+ Ġbra ce
4679
+ iet y
4680
+ Ġmist rust
4681
+ Ġnat ive
4682
+ Ġboy s
4683
+ Ġweep s
4684
+ Ġpat ricians
4685
+ Ġbel ow
4686
+ Lord s
4687
+ Ġfalse hood
4688
+ Ġsovere ignty
4689
+ ouch s
4690
+ Ġass ure
4691
+ Ġsec ure
4692
+ Tw ere
4693
+ Ġsomet imes
4694
+ Ġoath s
4695
+ Ġmer it
4696
+ up on
4697
+ Ġfaith ful
4698
+ Ġdef ence
4699
+ Ġaff li
4700
+ Ġsure ly
4701
+ sh ould
4702
+ Ġsil ent
4703
+ Ġinstru ments
4704
+ Can not
4705
+ Ġbehold ing
4706
+ Ġrec onci
4707
+ Ġag o
4708
+ Ġag ree
4709
+ Ġcor re
4710
+ Ġsing le
4711
+ Ġbreat hed
4712
+ Ġforg ive
4713
+ Ġweak ness
4714
+ Ġpret t
4715
+ Ġsick ness
4716
+ Ġreg al
4717
+ Ġreg ard
4718
+ Ġmouth s
4719
+ Ġbook s
4720
+ Ġbar ren
4721
+ Ġbeast s
4722
+ Ġtrump et
4723
+ eem ing
4724
+ Ġpit ch
4725
+ Ġshi eld
4726
+ Ġunk ind
4727
+ Ġtemp est
4728
+ Ġsus pect
4729
+ Ġobed ient
4730
+ Ġrevere nce
4731
+ Ġappare nt
4732
+ Ġentertain ment
4733
+ ĠAnt i
4734
+ Ġdeterm ined
4735
+ Ġhel m
4736
+ Ġgent ly
4737
+ Ġhol p
4738
+ Ġfaire st
4739
+ Ġtrem ble
4740
+ shi re
custom_tokenizer/special_tokens_map.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": "<s>",
3
+ "eos_token": "</s>",
4
+ "mask_token": "<mask>",
5
+ "pad_token": "<pad>",
6
+ "unk_token": "<unk>"
7
+ }
custom_tokenizer/tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
custom_tokenizer/tokenizer_config.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "5000": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": true,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ }
13
+ },
14
+ "bos_token": "<s>",
15
+ "clean_up_tokenization_spaces": false,
16
+ "eos_token": "</s>",
17
+ "errors": "replace",
18
+ "extra_special_tokens": {},
19
+ "mask_token": "<mask>",
20
+ "model_max_length": 1000000000000000019884624838656,
21
+ "pad_token": "<pad>",
22
+ "tokenizer_class": "GPT2Tokenizer",
23
+ "unk_token": "<unk>"
24
+ }
custom_tokenizer/vocab.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"<s>":0,"<pad>":1,"</s>":2,"<unk>":3,"<mask>":4,"!":5,"\"":6,"#":7,"$":8,"%":9,"&":10,"'":11,"(":12,")":13,"*":14,"+":15,",":16,"-":17,".":18,"/":19,"0":20,"1":21,"2":22,"3":23,"4":24,"5":25,"6":26,"7":27,"8":28,"9":29,":":30,";":31,"<":32,"=":33,">":34,"?":35,"@":36,"A":37,"B":38,"C":39,"D":40,"E":41,"F":42,"G":43,"H":44,"I":45,"J":46,"K":47,"L":48,"M":49,"N":50,"O":51,"P":52,"Q":53,"R":54,"S":55,"T":56,"U":57,"V":58,"W":59,"X":60,"Y":61,"Z":62,"[":63,"\\":64,"]":65,"^":66,"_":67,"`":68,"a":69,"b":70,"c":71,"d":72,"e":73,"f":74,"g":75,"h":76,"i":77,"j":78,"k":79,"l":80,"m":81,"n":82,"o":83,"p":84,"q":85,"r":86,"s":87,"t":88,"u":89,"v":90,"w":91,"x":92,"y":93,"z":94,"{":95,"|":96,"}":97,"~":98,"¡":99,"¢":100,"£":101,"¤":102,"¥":103,"¦":104,"§":105,"¨":106,"©":107,"ª":108,"«":109,"¬":110,"®":111,"¯":112,"°":113,"±":114,"²":115,"³":116,"´":117,"µ":118,"¶":119,"·":120,"¸":121,"¹":122,"º":123,"»":124,"¼":125,"½":126,"¾":127,"¿":128,"À":129,"Á":130,"Â":131,"Ã":132,"Ä":133,"Å":134,"Æ":135,"Ç":136,"È":137,"É":138,"Ê":139,"Ë":140,"Ì":141,"Í":142,"Î":143,"Ï":144,"Ð":145,"Ñ":146,"Ò":147,"Ó":148,"Ô":149,"Õ":150,"Ö":151,"×":152,"Ø":153,"Ù":154,"Ú":155,"Û":156,"Ü":157,"Ý":158,"Þ":159,"ß":160,"à":161,"á":162,"â":163,"ã":164,"ä":165,"å":166,"æ":167,"ç":168,"è":169,"é":170,"ê":171,"ë":172,"ì":173,"í":174,"î":175,"ï":176,"ð":177,"ñ":178,"ò":179,"ó":180,"ô":181,"õ":182,"ö":183,"÷":184,"ø":185,"ù":186,"ú":187,"û":188,"ü":189,"ý":190,"þ":191,"ÿ":192,"Ā":193,"ā":194,"Ă":195,"ă":196,"Ą":197,"ą":198,"Ć":199,"ć":200,"Ĉ":201,"ĉ":202,"Ċ":203,"ċ":204,"Č":205,"č":206,"Ď":207,"ď":208,"Đ":209,"đ":210,"Ē":211,"ē":212,"Ĕ":213,"ĕ":214,"Ė":215,"ė":216,"Ę":217,"ę":218,"Ě":219,"ě":220,"Ĝ":221,"ĝ":222,"Ğ":223,"ğ":224,"Ġ":225,"ġ":226,"Ģ":227,"ģ":228,"Ĥ":229,"ĥ":230,"Ħ":231,"ħ":232,"Ĩ":233,"ĩ":234,"Ī":235,"ī":236,"Ĭ":237,"ĭ":238,"Į":239,"į":240,"İ":241,"ı":242,"IJ":243,"ij":244,"Ĵ":245,"ĵ":246,"Ķ":247,"ķ":248,"ĸ":249,"Ĺ":250,"ĺ":251,"Ļ":252,"ļ":253,"Ľ":254,"ľ":255,"Ŀ":256,"ŀ":257,"Ł":258,"ł":259,"Ń":260,"Ġt":261,"he":262,"Ġa":263,"ou":264,"Ġs":265,"Ġm":266,"in":267,"Ġw":268,"re":269,"ha":270,"nd":271,"Ġthe":272,"Ġb":273,"is":274,"or":275,"Ġf":276,"er":277,"ll":278,"it":279,"on":280,"Ġd":281,"Ġc":282,"es":283,"en":284,"Ġn":285,"Ġl":286,"Ġy":287,"Ġth":288,"ar":289,"Ġh":290,"Ġo":291,"Ġto":292,"Ġyou":293,"Ġp":294,"hat":295,"ĠI":296,"Ġhe":297,"ve":298,"ot":299,"st":300,"Ġand":301,"ow":302,"ing":303,"an":304,"Ġof":305,"om":306,"Ġg":307,"at":308,"Ġbe":309,"se":310,"Ġmy":311,"Ġin":312,"ce":313,"Ġha":314,"le":315,"ay":316,"ld":317,"ir":318,"et":319,"ed":320,"ut":321,"Ġme":322,"im":323,"ith":324,"'s":325,"Ġnot":326,"ch":327,"Ġthat":328,"Ġis":329,"gh":330,"And":331,"Ġfor":332,"ke":333,"Ġu":334,"our":335,"Ġwe":336,"oo":337,"ill":338,"Ġe":339,"her":340,"Ġwith":341,"ent":342,"Ġit":343,"Ġyour":344,"ad":345,"ri":346,"Ġthou":347,"Ġst":348,"'d":349,"Ġk":350,"ome":351,"Ġhis":352,"ght":353,"EN":354,"ord":355,"id":356,"The":357,"as":358,"Ġre":359,"Ġhave":360,"IN":361,"ly":362,"ra":363,"Ġli":364,"Ġhim":365,"ur":366,"Ġthis":367,"al":368,"IO":369,"Ġso":370,"Ġas":371,"Ġde":372,"Ġon":373,"ore":374,"ro":375,"AR":376,"hi":377,"ould":378,"ood":379,"ck":380,"ain":381,"ver":382,"est":383,"Ġthy":384,"Ġsha":385,"ess":386,"ea":387,"Ġdo":388,"Ġwill":389,"am":390,"Ġno":391,"Ġbut":392,"us":393,"and":394,"US":395,"if":396,"Ġse":397,"ge":398,"Th":399,"Ġall":400,"ake":401,"Ġsu":402,"To":403,"Ġher":404,"ru":405,"ion":406,"th":407,"Ġan":408,"ter":409,"ard":410,"Ġlo":411,"han":412,"ell":413,"ear":414,"Ġsp":415,"Ġthee":416,"Ġour":417,"Ġfa":418,"Ġshall":419,"Ġby":420,"UC":421,"il":422,"Ġare":423,"ING":424,"ĠC":425,"rom":426,"Ġne":427,"ho":428,"Ġkn":429,"AN":430,"ĠR":431,"That":432,"Ġv":433,"ER":434,"OR":435,"ast":436,"ct":437,"ous":438,"Ġwhat":439,"ight":440,"Ġsh":441,"ul":442,"ET":443,"Ġ'":444,"ant":445,"ES":446,"Ġup":447,"sel":448,"qu":449,"But":450,"art":451,"Ġgood":452,"row":453,"ine":454,"ath":455,"Ġlord":456,"hich":457,"nt":458,"ust":459,"'ll":460,"one":461,"Ġpr":462,"Ġcom":463,"Ġat":464,"Ġman":465,"What":466,"ĠM":467,"Ġwhe":468,"ĠE":469,"KING":470,"Ġam":471,"end":472,"ic":473,"Ġcon":474,"ble":475,"ry":476,"ong":477,"ie":478,"ive":479,"Ġbl":480,"Ġfrom":481,"ven":482,"ĠG":483,"For":484,"Ġshe":485,"em":486,"Ġgo":487,"are":488,"Ġmore":489,"IC":490,"out":491,"Ġthem":492,"au":493,"Ġwas":494,"oth":495,"other":496,"He":497,"Ġsir":498,"ol":499,"Ġnow":500,"ĠL":501,"Ġhat":502,"ost":503,"Ġif":504,"LO":505,"ind":506,"Ġthere":507,"Ġwould":508,"Ġknow":509,"Ġcan":510,"ers":511,"IUS":512,"ep":513,"self":514,"ARD":515,"ather":516,"fe":517,"ond":518,"res":519,"ate":520,"Ġsay":521,"Ġhere":522,"Ġlove":523,"Ġsw":524,"Ġtheir":525,"Ġbr":526,"pp":527,"Ġor":528,"--":529,"all":530,"ĠS":531,"Ġthan":532,"Ġthen":533,"Ġking":534,"Ġus":535,"ĠO":536,"ĠB":537,"Ġthey":538,"Ġar":539,"od":540,"My":541,"Ġlet":542,"Ġun":543,"ig":544,"Ġwor":545,"ure":546,"ink":547,"ĠH":548,"ort":549,"hy":550,"ĠV":551,"ame":552,"fore":553,"As":554,"Ġmay":555,"el":556,"Ġqu":557,"Ġcome":558,"ook":559,"Whe":560,"ish":561,"LI":562,"Ġwell":563,"KE":564,"ves":565,"Ġj":566,"Ġone":567,"Ġhath":568,"irst":569,"You":570,"Ġmake":571,"reat":572,"ak":573,"gain":574,"Ġmust":575,"ound":576,"ng":577,"Ġgra":578,"Ġwere":579,"Ġho":580,"ci":581,"Ġsee":582,"Ġlike":583,"ue":584,"eak":585,"TIO":586,"Ġshould":587,"ity":588,"Ġpro":589,"ĠP":590,"Ġsa":591,"Ġmad":592,"um":593,"Ġpl":594,"Ġfather":595,"RO":596,"AU":597,"Ġhad":598,"Ġdid":599,"pe":600,"ime":601,"Ġupon":602,"ice":603,"ON":604,"Ġtoo":605,"ence":606,"ĠW":607,"ward":608,"ist":609,"Ġdeath":610,"own":611,"man":612,"ose":613,"Ġen":614,"un":615,"IS":616,"ful":617,"nce":618,"Ġr":619,"Ġpo":620,"Ġspeak":621,"de":622,"entle":623,"io":624,"Ġout":625,"pt":626,"Ġwhich":627,"ICH":628,"Ġfri":629,"OL":630,"DU":631,"Ġagain":632,"DUKE":633,"Ġhow":634,"EL":635,"ick":636,"ĠA":637,"Ġtru":638,"Ġheart":639,"Ġyet":640,"Ġhand":641,"CA":642,"Thou":643,"very":644,"ICHARD":645,"ENTIO":646,"With":647,"ign":648,"Ġsome":649,"ance":650,"Ġwho":651,"Which":652,"If":653,"Ġwhen":654,"ies":655,"Ġmar":656,"ire":657,"Ġmine":658,"Ġhon":659,"har":660,"orn":661,"Ġoff":662,"ince":663,"INC":664,"In":665,"ack":666,"ĠY":667,"Ġson":668,"Ġdis":669,"Ġal":670,"'t":671,"We":672,"uch":673,"wn":674,"Ġhea":675,"First":676,"oy":677,"Ġtime":678,"Ġhear":679,"AB":680,"ec":681,"Ġsuch":682,"ness":683,"LA":684,"Ġbrother":685,"Of":686,"Ġblood":687,"ither":688,"Ġab":689,"UE":690,"Why":691,"Ġthese":692,"No":693,"Ġgive":694,"Ġfo":695,"Ġday":696,"ĠII":697,"Ġear":698,"ĠRICHARD":699,"TER":700,"Ġro":701,"ise":702,"Ġex":703,"Ġlife":704,"This":705,"eet":706,"Ġtell":707,"So":708,"Ġlook":709,"Ġthink":710,"UCH":711,"oul":712,"Ġword":713,"Ġey":714,"Ġwhere":715,"ag":716,"age":717,"een":718,"ther":719,"GLO":720,"Ġtake":721,"UCES":722,"Ġfriend":723,"GLOUCES":724,"GLOUCESTER":725,"ef":726,"erv":727,"ady":728,"rown":729,"Ġdes":730,"ings":731,"ave":732,"not":733,"Ġgentle":734,"urse":735,"How":736,"RY":737,"Ġri":738,"ase":739,"QUE":740,"way":741,"INCENTIO":742,"QUEEN":743,"Ġlea":744,"tis":745,"ĠOF":746,"Ġart":747,"Ġmost":748,"Where":749,"Ġhonour":750,"LAN":751,"Ġmuch":752,"Ġsl":753,"Ġwar":754,"Ġfl":755,"urn":756,"Ġmade":757,"ment":758,"Now":759,"Ġhast":760,"Ġtw":761,"Ġfear":762,"ĠT":763,"Ġbet":764,"ENRY":765,"aught":766,"Is":767,"LE":768,"ber":769,"ff":770,"ĠGod":771,"ough":772,"ved":773,"Ġbre":774,"cc":775,"ower":776,"Ġnever":777,"ĠVINCENTIO":778,"Be":779,"ap":780,"igh":781,"ĠK":782,"Ġgreat":783,"Ġfair":784,"Who":785,"ee":786,"tle":787,"Ġmen":788,"orrow":789,"Ġcou":790,"Ġnew":791,"ĠRome":792,"aster":793,"uke":794,"iz":795,"old":796,"ORK":797,"Ġpart":798,"ation":799,"INIUS":800,"ss":801,"ree":802,"ide":803,"Or":804,"Ġcall":805,"ple":806,"Ġany":807,"Ġheaven":808,"Ġad":809,"Ġcomm":810,"It":811,"Your":812,"Ġstand":813,"Ġcannot":814,"Ġtrue":815,"DW":816,"Ġname":817,"Ġbeen":818,"ears":819,"DWARD":820,"Ġcl":821,"Ġpre":822,"Ġsweet":823,",--":824,"Ġdoth":825,"Ġpray":826,"hing":827,"PET":828,"UM":829,"Ġnoble":830,"LUC":831,"MEN":832,"TH":833,"Ġown":834,"Ġple":835,"ass":836,"ĠD":837,"ouse":838,"Ġper":839,"Ay":840,"Come":841,"ull":842,"There":843,"Ġwr":844,"Ġdone":845,"ife":846,"aw":847,"Ġtr":848,"Ġway":849,"Ġother":850,"Ġhead":851,"Ġmean":852,"li":853,"red":854,"When":855,"dward":856,"Ġnor":857,"EO":858,"MEO":859,"Ġsc":860,"Ġsoul":861,"Ġpres":862,"ROMEO":863,"ace":864,"ving":865,"Ġnight":866,"Ġbear":867,"ENIUS":868,"aint":869,"ĠCl":870,"Ġworld":871,"MENENIUS":872,"ger":873,"Ġbefore":874,"ause":875,"Ġboth":876,"Ġqueen":877,"per":878,"Then":879,"aughter":880,"RUCH":881,"ock":882,"Ġchi":883,"Here":884,"PETRUCH":885,"PETRUCHIO":886,"OM":887,"able":888,"Ġvery":889,"Ġdead":890,"TES":891,"By":892,"Ġra":893,"ite":894,"Than":895,"the":896,"Ġke":897,"ab":898,"les":899,"ĠF":900,"Ġdown":901,"to":902,"Ġapp":903,"Ġmyself":904,"Ġcont":905,"GR":906,"HA":907,"Ġwh":908,"Ġrem":909,"ĠLord":910,"Ġarm":911,"Ġthus":912,"IOLAN":913,"ilt":914,"ORIOLAN":915,"ORIOLANUS":916,"CORIOLANUS":917,"Sec":918,"Ġleave":919,"Second":920,"Ġbeing":921,"ction":922,"ĠEdward":923,"Nor":924,"sw":925,"Ġunt":926,"ress":927,"Ġgrace":928,"less":929,"Ġbeg":930,"Ġeyes":931,"BA":932,"land":933,"Ġmother":934,"ran":935,"Ġma":936,"Ġold":937,"Ġim":938,"INA":939,"ĠEDWARD":940,"itiz":941,"itizen":942,"ps":943,"Ġlong":944,"Ġever":945,"ĠMar":946,"Ġlive":947,"Ġchild":948,"Let":949,"me":950,"Ġwife":951,"She":952,"Ġaway":953,"Ġrep":954,"ĠIII":955,"Ġwom":956,"Ġpoor":957,"Ġfriends":958,"come":959,"for":960,"wick":961,"Ġaf":962,"Ġmight":963,"nder":964,"Ġstay":965,"eace":966,"ks":967,"oud":968,"Ġdie":969,"atch":970,"led":971,"ĠJ":972,"Ġru":973,"arwick":974,"Ġcomes":975,"Ġcons":976,"Ġcrown":977,"ows":978,"Ġmany":979,"Ġpe":980,"Tis":981,"hall":982,"ison":983,"Ġle":984,"ĠYORK":985,"lo":986,"uck":987,"iss":988,"Ġhouse":989,"Ġhar":990,"Ġthought":991,"Ġrest":992,"ISAB":993,"ELLA":994,"ISABELLA":995,"ian":996,"erc":997,"Ġcour":998,"RAN":999,"Ġent":1000,"Ġlie":1001,"che":1002,"Ġset":1003,"JU":1004,"well":1005,"ors":1006,"atter":1007,"LIET":1008,"ONTES":1009,"ĠWarwick":1010,"LEONTES":1011,"JULIET":1012,"Nay":1013,"int":1014,"ittle":1015,"Ġdaughter":1016,"Ġgone":1017,"Ġbetter":1018,"MI":1019,"rant":1020,"ought":1021,"Ġprince":1022,"DY":1023,"His":1024,"Ġtong":1025,"Ġwit":1026,"Ġnothing":1027,"CE":1028,"VOL":1029,"ENCE":1030,"LADY":1031,"BR":1032,"TA":1033,"cl":1034,"ied":1035,"Ġkeep":1036,"Go":1037,"Well":1038,"ces":1039,"ious":1040,"os":1041,"Ġsle":1042,"Ġres":1043,"hard":1044,"Ġnews":1045,"SIC":1046,"ft":1047,"ier":1048,"Ġtri":1049,"Ġmo":1050,"ret":1051,"ont":1052,"Ġthose":1053,"Ġgri":1054,"ool":1055,"une":1056,"SICINIUS":1057,"Not":1058,"Ġlittle":1059,"Ġlords":1060,"Ġagainst":1061,"ford":1062,"Ġbest":1063,"Ġhour":1064,"Ġhence":1065,"ardon":1066,"akes":1067,"lse":1068,"Ġacc":1069,"sed":1070,"Ġface":1071,"ult":1072,"Ġfoll":1073,"On":1074,"ew":1075,"ud":1076,"ark":1077,"Ġyoung":1078,"Ġend":1079,"ork":1080,"Ġthing":1081,"Ġstill":1082,"Ġkind":1083,"ield":1084,"ST":1085,"Ġpri":1086,"Ġpur":1087,"alk":1088,"Thy":1089,"Ġcomp":1090,"LUCIO":1091,"ale":1092,"ins":1093,"ert":1094,"Ġput":1095,"Ġpower":1096,"ĠIV":1097,"ichard":1098,"Ġtwo":1099,"Ġcha":1100,"Ġhimself":1101,"Pro":1102,"iness":1103,"Ġfirst":1104,"Ġpeace":1105,"Ġgu":1106,"Ġelse":1107,"ried":1108,"Ġdear":1109,"cious":1110,"Sir":1111,"ail":1112,"ty":1113,"ason":1114,"hile":1115,"Ġsub":1116,"Ġunto":1117,"ile":1118,"ray":1119,"Ġtill":1120,"Ġsm":1121,"uty":1122,"RI":1123,"ZAB":1124,"ect":1125,"Ġtra":1126,"Ġbid":1127,"Ġback":1128,"Ġdre":1129,"Ġhus":1130,"ETH":1131,"ĠELI":1132,"Ġtherefore":1133,"Ġearth":1134,"Ġwords":1135,"Ġcount":1136,"ZABETH":1137,"ĠELIZABETH":1138,"Have":1139,"band":1140,"ius":1141,"men":1142,"ople":1143,"yal":1144,"Ġfind":1145,"Ġcould":1146,"Ġtongue":1147,"orse":1148,"Ġlady":1149,"Ġthine":1150,"Ġneed":1151,"ĠYork":1152,"HENRY":1153,"get":1154,"tw":1155,"Ġtre":1156,"Ġfell":1157,"enry":1158,"Ġhigh":1159,"Ġforth":1160,"Ġhope":1161,"MER":1162,"St":1163,"lp":1164,"Ġhome":1165,"vere":1166,"eth":1167,"Ġseem":1168,"eech":1169,"ĠRomeo":1170,"Ġhusband":1171,"CL":1172,"Ġduke":1173,"Ġright":1174,"GE":1175,"WAR":1176,"WIC":1177,"fort":1178,"ĠWhat":1179,"rer":1180,"Ġban":1181,"uth":1182,"Ġthough":1183,"ĠVI":1184,"WARWIC":1185,"WARWICK":1186,"UT":1187,"ach":1188,"ix":1189,"Ġmind":1190,"Ġbra":1191,"ister":1192,"Ġche":1193,"Ġchar":1194,"hip":1195,"ĠHENRY":1196,"Ġpeople":1197,"Nurse":1198,"ds":1199,"ged":1200,"ĠCitizen":1201,"ren":1202,"They":1203,"ĠHenry":1204,"HAM":1205,"IAN":1206,"LET":1207,"PU":1208,"eed":1209,"Ġbri":1210,"Ġchan":1211,"Ġlaw":1212,"ĠRichard":1213,"Ġshow":1214,"Ġconf":1215,"Ġhands":1216,"PULET":1217,"EY":1218,"be":1219,"Ġmaster":1220,"Ġwhy":1221,"Ġco":1222,"Ġcause":1223,"Ġgl":1224,"Ġonce":1225,"Ġsaid":1226,"Ġimp":1227,"Good":1228,"MIO":1229,"Shall":1230,"Ġbod":1231,"Ġnone":1232,"ousin":1233,"Ġjoy":1234,"ervant":1235,"All":1236,"bt":1237,"Ġfort":1238,"Ġbring":1239,"Yet":1240,"Ġdou":1241,"ates":1242,"Ġevery":1243,"UCKING":1244,"BRUT":1245,"UCKINGHAM":1246,"BRUTUS":1247,"BRO":1248,"BUCKINGHAM":1249,"From":1250,"TRAN":1251,"iet":1252,"Ġmist":1253,"Ġpass":1254,"ird":1255,"Ġlight":1256,"INGBRO":1257,"ESS":1258,"ĠBOL":1259,"TRANIO":1260,"INGBROKE":1261,"ĠBOLINGBROKE":1262,"Do":1263,"Will":1264,"lt":1265,"vost":1266,"Ġwo":1267,"Ġnat":1268,"Ġthr":1269,"Ġroyal":1270,"swer":1271,"PER":1272,"TIS":1273,"cle":1274,"Ġtears":1275,"its":1276,"Ġcame":1277,"ary":1278,"ĠMAR":1279,"Ġwhose":1280,"Ġplease":1281,"lf":1282,"vy":1283,"ory":1284,"Ġpardon":1285,"roke":1286,"ĠAn":1287,"Cl":1288,"GAR":1289,"NE":1290,"pose":1291,"Ġbes":1292,"Ġboy":1293,"Ġfull":1294,"arry":1295,"Ġheard":1296,"Ġhapp":1297,"Ġdev":1298,"Ġjust":1299,"Ġwrong":1300,"Ġpresent":1301,"ĠMARGAR":1302,"ĠMARGARET":1303,"ATH":1304,"eel":1305,"Ġsince":1306,"Ġmis":1307,"ens":1308,"Ġland":1309,"Ġlast":1310,"Ġere":1311,"Ġstate":1312,"Ġplace":1313,"MIL":1314,"bl":1315,"sand":1316,"Ġmeet":1317,"Ġunder":1318,"Ġkill":1319,"Ġafter":1320,"HOR":1321,"cent":1322,"Ġsorrow":1323,"ition":1324,"Ġcare":1325,"Ġthousand":1326,"esty":1327,"ANGE":1328,"ORD":1329,"Ġhold":1330,"GRE":1331,"ANGELO":1332,"CU":1333,"Our":1334,"Ġhelp":1335,"ARINA":1336,"arence":1337,"Ġwhom":1338,"Ġfollow":1339,"KATH":1340,"day":1341,"Ġfar":1342,"Ġless":1343,"Ġhither":1344,"ceive":1345,"irt":1346,"Ġweep":1347,"Ġshame":1348,"selves":1349,"cius":1350,"Ġenem":1351,"Ġabout":1352,"Ġeye":1353,"KATHARINA":1354,"iol":1355,"Ġfal":1356,"Ġfool":1357,"ons":1358,"Ġpat":1359,"urde":1360,"Ġsun":1361,"Ġanswer":1362,"air":1363,"Ġch":1364,"asure":1365,"Ġfall":1366,"Ġmaid":1367,"LUS":1368,"Un":1369,"Up":1370,"ount":1371,"Ġbus":1372,"Ġcousin":1373,"thy":1374,"ESCA":1375,"Ġhate":1376,"Ġgracious":1377,"Ġgentleman":1378,"ĠKing":1379,"Ġgrief":1380,"ESCALUS":1381,"An":1382,"ject":1383,"ove":1384,"Ġmakes":1385,"Ġinto":1386,"imes":1387,"Ġstri":1388,"Hath":1389,"iv":1390,"ild":1391,"Ġstre":1392,"ĠEng":1393,"Ġwoman":1394,"DUCH":1395,"Ġturn":1396,"Ġhum":1397,"Ġbel":1398,"alt":1399,"Ġdost":1400,"Ġcomfort":1401,"ices":1402,"Ġcoun":1403,"ĠDuke":1404,"Ġcourt":1405,"Ġsleep":1406,"urderer":1407,"DUCHESS":1408,"Lord":1409,"pher":1410,"Ġtalk":1411,"itor":1412,"Ġover":1413,"Ġbody":1414,"morrow":1415,"Ġwilt":1416,"Ġbu":1417,"Ġgr":1418,"ute":1419,"gelo":1420,"deed":1421,"ĠMarcius":1422,"IA":1423,"ience":1424,"Ġi":1425,"ised":1426,"Ġbed":1427,"Ġfault":1428,"Ġatt":1429,"ieve":1430,"Ġprove":1431,"Ġplay":1432,"CAMIL":1433,"ĠClarence":1434,"CAMILLO":1435,"God":1436,"ere":1437,"ily":1438,"Ġsound":1439,"Ġdra":1440,"ans":1441,"omet":1442,"Ġinst":1443,"Ġwel":1444,"ade":1445,"Ġret":1446,"Ġdeed":1447,"Ġthank":1448,"TEN":1449,"Ġser":1450,"Ġbo":1451,"Ġfight":1452,"Ġindeed":1453,"illain":1454,"hold":1455,"Ġvo":1456,"Ġsword":1457,"ĠAngelo":1458,"HORTEN":1459,"Ġfalse":1460,"HORTENS":1461,"FRI":1462,"Sh":1463,"Ġuse":1464,"Ġeven":1465,"Ġsovere":1466,"Ġanother":1467,"Ġgrave":1468,"Ġadv":1469,"Provost":1470,"Ġfellow":1471,"Upon":1472,"HORTENSIO":1473,"FRIAR":1474,",'":1475,"PTIS":1476,"eal":1477,"Ġcur":1478,"Ġhas":1479,"Ġem":1480,"ury":1481,"pect":1482,"BAPTIS":1483,"Ġbanish":1484,"Ġfortune":1485,"BAPTISTA":1486,"CUS":1487,"COM":1488,"TOL":1489,"YCUS":1490,"pl":1491,"pen":1492,"ouch":1493,"Ġmerc":1494,"Ġmatter":1495,"Ġwant":1496,"Ġreven":1497,"Ġass":1498,"Ġsend":1499,"Ġprison":1500,"fect":1501,"AUTOL":1502,"Ġrather":1503,"Ġcountry":1504,"Ġdoubt":1505,"COMINIUS":1506,"AUTOLYCUS":1507,".'":1508,"Are":1509,"Even":1510,"More":1511,"Ġwish":1512,"Ġyears":1513,"Ġreason":1514,"Ġlies":1515,"Ġonly":1516,"ARENCE":1517,"Third":1518,"Ġvirt":1519,"Ġtruth":1520,"Would":1521,"ior":1522,"ms":1523,"of":1524,"rance":1525,"ĠBut":1526,"Ġdan":1527,"Ġpers":1528,"any":1529,"Ġbreath":1530,"Ġarms":1531,"Ġdream":1532,"CLARENCE":1533,"pherd":1534,"BEN":1535,"MAR":1536,"NOR":1537,"dd":1538,"der":1539,"Ġsent":1540,"ener":1541,"Ġgi":1542,"Ġstra":1543,"Ġshalt":1544,"Ġdisc":1545,"VOLIO":1546,"Clown":1547,"Ġbusiness":1548,"BENVOLIO":1549,"Al":1550,"At":1551,"PRO":1552,"SPER":1553,"by":1554,"hed":1555,"Ġsen":1556,"Ġprom":1557,"Ġholy":1558,"Ġenough":1559,"erving":1560,"Ġcommand":1561,"UMIO":1562,"GRUMIO":1563,"PROSPER":1564,"PROSPERO":1565,"ia":1566,"ken":1567,"Ġsea":1568,"Ġwind":1569,"itt":1570,"Ġcra":1571,"Ġlay":1572,"ars":1573,"Ġpity":1574,"ator":1575,"Ġbea":1576,"Ġhang":1577,"Ġstran":1578,"Ġsold":1579,"Ġspir":1580,"Ġfare":1581,"Ġproud":1582,"ĠMurderer":1583,"Ġswear":1584,"Ġcontent":1585,"MERCU":1586,"MERCUTIO":1587,"ike":1588,"Ġdare":1589,"eter":1590,"Ġlives":1591,"Ġdep":1592,"Ġsec":1593,"Ġvillain":1594,"gainst":1595,"ĠKate":1596,"LUCENTIO":1597,"Ġremem":1598,"Ġnature":1599,"Ġwelcome":1600,"POM":1601,"Tw":1602,"com":1603,"unt":1604,"Ġtend":1605,"ham":1606,"Ġfree":1607,"Ġgre":1608,"Ġget":1609,"Ġint":1610,"Ġwithin":1611,"Ġkiss":1612,"ester":1613,"ĠCome":1614,"Ġgods":1615,"Ġsaw":1616,"Ġmadam":1617,"LAND":1618,"Ġhappy":1619,"Ġsovereign":1620,"POMP":1621,"LINA":1622,"PAU":1623,"apt":1624,"Ġserv":1625,"Ġsister":1626,"Ġsomet":1627,"hal":1628,"Ġfoul":1629,"Ġcity":1630,"vers":1631,"Were":1632,"Ġbeseech":1633,"PAULINA":1634,"YORK":1635,"ient":1636,"use":1637,"ery":1638,"Ġden":1639,"Ġyield":1640,"Ġthree":1641,"Ġoath":1642,"Ġyours":1643,"onder":1644,"ague":1645,"Ġbreak":1646,"Ġmeans":1647,"Ġsubject":1648,"gether":1649,"GREMIO":1650,"POMPEY":1651,"NIA":1652,"OLI":1653,"POLI":1654,"XEN":1655,"balt":1656,"ybalt":1657,"ĠNor":1658,"Ġaw":1659,"Ġmer":1660,"Ġwhile":1661,"Ġborn":1662,"Ġthings":1663,"Ġhorse":1664,"anc":1665,"usic":1666,"ANT":1667,"Ġbloody":1668,"Ġlooks":1669,"eft":1670,"UMNIA":1671,"like":1672,"ches":1673,"VOLUMNIA":1674,"POLIXEN":1675,"POLIXENES":1676,"GON":1677,"Her":1678,"rong":1679,"up":1680,"ues":1681,"Ġtem":1682,"Ġwin":1683,"Ġwound":1684,"Ġfire":1685,"enger":1686,"Ġyourself":1687,"Ġsupp":1688,"Ġspo":1689,"Ġfaith":1690,"INGS":1691,"ĠServing":1692,"Ġmaj":1693,"STINGS":1694,"Ġtraitor":1695,"centio":1696,"ĠServingman":1697,"RENCE":1698,"Say":1699,"bs":1700,"broke":1701,"rem":1702,"Ġdru":1703,"Ġlam":1704,"essenger":1705,"ĠLAU":1706,"Ġmark":1707,"Ġcommon":1708,"HASTINGS":1709,"Ġchildren":1710,"ertain":1711,"Ġmistress":1712,"ĠLAURENCE":1713,"BY":1714,"BER":1715,"Ġcond":1716,"Ġbeat":1717,"Ġrequ":1718,"Ġdef":1719,"Ġval":1720,"Ġuncle":1721,"Therefore":1722,"form":1723,"Ġmajesty":1724,"CLI":1725,"FF":1726,"Look":1727,"Was":1728,"Ġaff":1729,"Ġsin":1730,"Ġmet":1731,"Ġlate":1732,"Ġleft":1733,"Ġtold":1734,"Ġsoon":1735,"Ġseen":1736,"Ġsave":1737,"Ġdays":1738,"UMBER":1739,"THUMBER":1740,"Ġwoe":1741,"ĠEngland":1742,"NORTHUMBER":1743,"Ġtender":1744,"CLIFF":1745,"NORTHUMBERLAND":1746,"ID":1747,"Take":1748,"bed":1749,"ever":1750,"ring":1751,"ten":1752,"Ġsight":1753,"Ġmon":1754,"Ġgener":1755,"ides":1756,"idow":1757,"Ġdoes":1758,"Though":1759,"Ġreturn":1760,"Ġmercy":1761,"Ġfarewell":1762,"ac":1763,"dom":1764,"mp":1765,"ĠAN":1766,"hes":1767,"Ġsit":1768,"Ġsad":1769,"rel":1770,"Ġdeep":1771,"ters":1772,"Ġgold":1773,"unes":1774,"Ġmarry":1775,"Ġheavy":1776,"Ġfoot":1777,"Ġwarrant":1778,"ĠJul":1779,"Ġpurpose":1780,"Ġthrough":1781,"Ġdanger":1782,"ĠANNE":1783,"Ah":1784,"Did":1785,"Give":1786,"PR":1787,"aim":1788,"ict":1789,"mer":1790,"so":1791,"und":1792,"vent":1793,"Ġill":1794,"Ġcho":1795,"Ġcold":1796,"Ġnurse":1797,"Ġtogether":1798,"Ġgrow":1799,"ours":1800,"ifford":1801,"Ġsure":1802,"earn":1803,"CAPULET":1804,"ignior":1805,"INCE":1806,"Ġdeser":1807,"ments":1808,"PRINCE":1809,"az":1810,"aid":1811,"ca":1812,"oint":1813,"Ġtimes":1814,"oriol":1815,"ingbroke":1816,"ceed":1817,"Ġwithout":1818,"enty":1819,"Ġask":1820,"ross":1821,"ush":1822,"Ġlost":1823,"arewell":1824,"olingbroke":1825,"Ġpluck":1826,"Ġreport":1827,"Ġliege":1828,"Ġbelieve":1829,"Ġspirit":1830,"ling":1831,"sh":1832,"xt":1833,"Ġair":1834,"Ġage":1835,"outh":1836,"Ġwat":1837,"Ġheir":1838,"ets":1839,"ains":1840,"Ġthyself":1841,"ift":1842,"Ġloss":1843,"ĠMont":1844,"Ġsays":1845,"ĠBolingbroke":1846,"Whose":1847,"One":1848,"Ġstrange":1849,"ALO":1850,"Had":1851,"ial":1852,"no":1853,"ner":1854,"Ġbat":1855,"Ġcry":1856,"Ġlearn":1857,"ced":1858,"Ġsuff":1859,"aking":1860,"Ġears":1861,"Ġhaste":1862,"ĠClifford":1863,"Ġentreat":1864,"Ġdevil":1865,"Ġground":1866,"Should":1867,"Ġperson":1868,"ĠJuliet":1869,"Like":1870,"Wh":1871,"ges":1872,"night":1873,"Ġmur":1874,"ined":1875,"Ġfly":1876,"Ġtoward":1877,"Ġpast":1878,"oman":1879,"let":1880,"Ġfast":1881,"Ġvis":1882,"aud":1883,"ĠLu":1884,"Ġpoint":1885,"Ġfriar":1886,"Ġdisp":1887,"Ġslain":1888,"Ġbetw":1889,"ĠFrance":1890,"ixt":1891,"Ġjustice":1892,"Ġstraight":1893,"Ġremember":1894,"APULET":1895,"FL":1896,"FID":1897,"IZ":1898,"May":1899,"Some":1900,"Ġord":1901,"Ġsil":1902,"ina":1903,"Ġbold":1904,"Ġcurse":1905,"Ġnear":1906,"ution":1907,"Ġstrong":1908,"These":1909,"ĠCAPULET":1910,"ORIZ":1911,"Ġworthy":1912,"Ġquick":1913,"AUFID":1914,"entleman":1915,"Ġtrust":1916,"Ġalone":1917,"Ġdesire":1918,"Ġinstru":1919,"Ġbeauty":1920,"Ġservice":1921,"FLORIZ":1922,"AUFIDIUS":1923,"FLORIZEL":1924,"Can":1925,"SE":1926,"Tell":1927,"VER":1928,"gs":1929,"ning":1930,"ship":1931,"with":1932,"Ġtouch":1933,"Ġfound":1934,"ithe":1935,"ĠIs":1936,"adam":1937,"Ġready":1938,"ION":1939,"Ġbrought":1940,"ured":1941,"Ġposs":1942,"ĠTybalt":1943,"Ġrun":1944,"Ġhard":1945,"Ġenemy":1946,"Ġrevenge":1947,"Ġgeneral":1948,"audio":1949,"!'":1950,"Ha":1951,"ible":1952,"vo":1953,"ĠHere":1954,"Ġwoo":1955,"Ġduty":1956,"enator":1957,"Ġgrant":1958,"Ġinf":1959,"cept":1960,"Ġitself":1961,"amill":1962,"Ġlose":1963,"aunt":1964,"Ġknows":1965,"Ġcanst":1966,"ĠSenator":1967,"inks":1968,"umber":1969,"Ġmarried":1970,"Ġthoughts":1971,"Ġcharge":1972,"Against":1973,"Bec":1974,"CIUS":1975,"RICHARD":1976,"Sp":1977,"cester":1978,"eep":1979,"gu":1980,"lou":1981,"sue":1982,"ua":1983,"ĠYou":1984,"Ġmorn":1985,"Ġwear":1986,"riage":1987,"Ġread":1988,"Ġdeli":1989,"Ġspeed":1990,"Ġquar":1991,"Ġprof":1992,"Ġtwenty":1993,"Ġstands":1994,"BAST":1995,"Shepherd":1996,"ched":1997,"Ġhours":1998,"Ġconfess":1999,"Ġstreng":2000,"SEBAST":2001,"ithee":2002,"SEBASTIAN":2003,"OW":2004,"cess":2005,"ĠN":2006,"Ġmock":2007,"Ġfur":2008,"Ġfore":2009,"Ġfield":2010,"ones":2011,"Ġdiv":2012,"Ġcar":2013,"Ġyouth":2014,"Ġpost":2015,"Ġhell":2016,"ingham":2017,"Ġhalf":2018,"oop":2019,"Thus":2020,"ĠRi":2021,"olk":2022,"fection":2023,"ĠHast":2024,"Ġjud":2025,"ump":2026,"Ġexec":2027,"Ġfearful":2028,"Ġcounsel":2029,"amillo":2030,"BION":2031,"Com":2032,"DEL":2033,"Till":2034,"most":2035,"pare":2036,"Ġter":2037,"Ġmin":2038,"Ġwret":2039,"Ġbos":2040,"Ġpar":2041,"Ġbehold":2042,"Ġinc":2043,"Ġeach":2044,"ads":2045,"Ġrec":2046,"Ġdel":2047,"ĠCoriol":2048,"ols":2049,"Ġwork":2050,"ortal":2051,"Ġhearts":2052,"Ġmarriage":2053,"Ġdesp":2054,"ĠClaudio":2055,"itizens":2056,"uckingham":2057,"Ġresol":2058,"MARCIUS":2059,"ĠMontague":2060,"loucester":2061,"BIONDEL":2062,"Ġbosom":2063,"BIONDELLO":2064,"Away":2065,"MON":2066,"Madam":2067,"bly":2068,"folk":2069,"iers":2070,"now":2071,"ĠThe":2072,"Ġtit":2073,"Ġten":2074,"Ġtale":2075,"Ġbound":2076,"Ġdam":2077,"Ġcut":2078,"ench":2079,"Ġye":2080,"Ġopen":2081,"rah":2082,"alm":2083,"ĠCap":2084,"Ġshort":2085,"Ġknown":2086,"ĠBuckingham":2087,"Ġseek":2088,"Ġharm":2089,"Ġcompany":2090,"Ġguilt":2091,"Ġhighness":2092,"Ġstrike":2093,"Ġattend":2094,"Ġserve":2095,"Ġmurder":2096,"ĠHastings":2097,"Farewell":2098,"HER":2099,"OP":2100,"chan":2101,"hood":2102,"Ġve":2103,"ĠHe":2104,"ĠAU":2105,"Ġag":2106,"Ġsat":2107,"Ġside":2108,"Ġwhi":2109,"Ġwatch":2110,"rest":2111,"ished":2112,"Ġfeel":2113,"Ġdish":2114,"Ġdist":2115,"ents":2116,"ander":2117,"Ġsuit":2118,"Ġloving":2119,"ONIO":2120,"Ġhonest":2121,"Ġheavens":2122,"Ġtrib":2123,"MERLE":2124,"Ġdraw":2125,"Ġvoices":2126,"Ġsomething":2127,"ANTONIO":2128,"Ġstrength":2129,"ĠAUMERLE":2130,"Marry":2131,"Pray":2132,"See":2133,"ZALO":2134,"fid":2135,"ging":2136,"Ġact":2137,"Ġsake":2138,"Ġwast":2139,"Ġwonder":2140,"Ġwidow":2141,"Ġbit":2142,"Ġcor":2143,"Ġsto":2144,"Ġstir":2145,"ĠGentleman":2146,"ĠGloucester":2147,"ĠLanc":2148,"Ġdidst":2149,"Ġgentlemen":2150,"Ġcloud":2151,"Ġwomen":2152,"ethinks":2153,"Ġenemies":2154,"GONZALO":2155,"ĠLancaster":2156,"Unt":2157,"ives":2158,"su":2159,"Ġsing":2160,"Ġmusic":2161,"rew":2162,"Ġbreat":2163,"Ġdr":2164,"Ġpra":2165,"Ġpie":2166,"Ġpale":2167,"Ġgates":2168,"oose":2169,"race":2170,"ils":2171,"ĠCamillo":2172,"Ġnext":2173,"Ġknew":2174,"Ġcoming":2175,"Ġthanks":2176,"Ġclose":2177,"Ġpleasure":2178,"Ġsouls":2179,"ianca":2180,"Ġcourse":2181,"Ġenter":2182,"Ġwithal":2183,"Ġbrave":2184,"Ġchee":2185,"ceived":2186,"Ġtitle":2187,"DIO":2188,"fter":2189,"ne":2190,"vour":2191,"you":2192,"Ġty":2193,"Ġwa":2194,"Ġbur":2195,"Ġfit":2196,"oward":2197,"Ġgar":2198,"Ġbecome":2199,"etch":2200,"etru":2201,"Ġforg":2202,"Ġweak":2203,"Ġeither":2204,"Ġlips":2205,"rust":2206,"els":2207,"Ġjest":2208,"Ġplain":2209,"AUDIO":2210,"Ġabs":2211,"Ġpret":2212,"claim":2213,"Ġgrie":2214,"CLAUDIO":2215,"Ġchange":2216,"MIONE":2217,"ĠNorfolk":2218,"CLIFFORD":2219,"Ġsuffer":2220,"Ġdeliver":2221,"HERMIONE":2222,"DA":2223,"EDWARD":2224,"LORD":2225,"Most":2226,"cher":2227,"kes":2228,"ses":2229,"ufid":2230,"ĠTh":2231,"Ġsk":2232,"Ġsame":2233,"Ġsick":2234,"Ġsign":2235,"Ġwis":2236,"Ġwall":2237,"ready":2238,"isf":2239,"Ġcast":2240,"irth":2241,"chio":2242,"Ġforb":2243,"Ġforget":2244,"oof":2245,"ries":2246,"Ġreg":2247,"urp":2248,"east":2249,"Ġven":2250,"Ġthemselves":2251,"ĠBianca":2252,"Ġworse":2253,"ĠPom":2254,"Ġtook":2255,"Ġpoison":2256,"Ġalong":2257,"Ġrich":2258,"Ġbreast":2259,"ranio":2260,"Ġconsul":2261,"RANDA":2262,"MIRANDA":2263,"twas":2264,"twere":2265,"Ġcheer":2266,"Ġpatience":2267,"Ġmerry":2268,"Ġorder":2269,"etruchio":2270,"ufidius":2271,"HN":2272,"Messenger":2273,"OHN":2274,"SA":2275,"SON":2276,"Servant":2277,"lst":2278,"oin":2279,"ting":2280,"Ġmouth":2281,"Ġwed":2282,"Ġbad":2283,"Ġbook":2284,"Ġfour":2285,"Ġdu":2286,"ĠIf":2287,"Ġgave":2288,"chm":2289,"Ġissue":2290,"ash":2291,"Ġliber":2292,"vern":2293,"Ġself":2294,"ions":2295,"rows":2296,"ally":2297,"Ġoffice":2298,"Ġalready":2299,"Being":2300,"Ġmove":2301,"Ġvirtue":2302,"Ġgiven":2303,"Ġbattle":2304,"ĠHereford":2305,"Ġmorning":2306,"Ġfurther":2307,"Make":2308,"Since":2309,"mber":2310,"nk":2311,"pes":2312,"rist":2313,"she":2314,"uous":2315,"used":2316,"Ġta":2317,"Ġac":2318,"oun":2319,"Ġwise":2320,"Ġburn":2321,"orge":2322,"Ġfrown":2323,"Ġfeast":2324,"Ġdire":2325,"esh":2326,"Ġlad":2327,"Ġpay":2328,"anus":2329,"Ġgro":2330,"ats":2331,"Ġred":2332,"Ġsoft":2333,"each":2334,"Ġsucc":2335,"icer":2336,"Ġblack":2337,"Ġgoes":2338,"Ġsworn":2339,"ĠSignior":2340,"elcome":2341,"Ġprop":2342,"Ġsons":2343,"Ġfoe":2344,"Ġext":2345,"ĠTower":2346,"Before":2347,"Ġtrou":2348,"Ġbegg":2349,"Ġbegin":2350,"Ġconsent":2351,"dden":2352,"Ġsoldiers":2353,"Ġrequest":2354,"ĠLucentio":2355,"Ġbetween":2356,"Ġquarrel":2357,"Ġsatisf":2358,"chmond":2359,"AS":2360,"Call":2361,"IR":2362,"Must":2363,"NT":2364,"Re":2365,"Sw":2366,"Such":2367,"gare":2368,"ires":2369,"ures":2370,"ung":2371,"uff":2372,"ĠFor":2373,"hem":2374,"Ġservant":2375,"Ġbar":2376,"Ġdro":2377,"Ġdark":2378,"Ġcr":2379,"Ġcase":2380,"Ġthri":2381,"aris":2382,"ots":2383,"stand":2384,"owers":2385,"irm":2386,"Ġloves":2387,"ĠCh":2388,"ends":2389,"Ġbless":2390,"empt":2391,"Ġthence":2392,"Ġworth":2393,"ĠAufidius":2394,"CATES":2395,"Ġexp":2396,"awd":2397,"Ġpresence":2398,"Ġpriv":2399,"Unless":2400,"Alas":2401,"Ġwounds":2402,"Ġdangerous":2403,"Because":2404,"garet":2405,"CATESBY":2406,"LY":2407,"oll":2408,"that":2409,"Ġsigh":2410,"Ġble":2411,"ona":2412,"onour":2413,"Ġhot":2414,"Ġgot":2415,"Ġinter":2416,"Ġund":2417,"Ġev":2418,"Ġsum":2419,"Ġneither":2420,"Ġvict":2421,"emn":2422,"ĠLond":2423,"ĠSir":2424,"ĠVols":2425,"cient":2426,"Ġwars":2427,"Ġflatter":2428,"Ġmighty":2429,"Ġrespect":2430,"Ġdread":2431,"Ġbride":2432,"Ġbrief":2433,"Ġthrone":2434,"Ġvoice":2435,"Ġemb":2436,"aptist":2437,"Ġdeny":2438,"Ġspoke":2439,"Ġwater":2440,"Ġvisit":2441,"ĠLondon":2442,"Both":2443,"BIAN":2444,"JOHN":2445,"Lest":2446,"Rome":2447,"REY":2448,"Yes":2449,"eorge":2450,"ip":2451,"iant":2452,"mand":2453,"ught":2454,"Ġest":2455,"Ġmal":2456,"Ġmortal":2457,"Ġbow":2458,"Ġbab":2459,"Ġfra":2460,"ern":2461,"Ġhur":2462,"Ġtown":2463,"Ġoften":2464,"Ġhaving":2465,"right":2466,"ided":2467,"Ġsudden":2468,"rum":2469,"Ġancient":2470,"Ġspeech":2471,"Ġvow":2472,"ĠGeorge":2473,"Ġloved":2474,"Ġkings":2475,"ĠBaptist":2476,"Ġworship":2477,"LIA":2478,"ĠParis":2479,"Ġsafe":2480,"ired":2481,"ainted":2482,"BAL":2483,"ĠMargaret":2484,"Ġprincely":2485,"BRA":2486,"Ġchamber":2487,"Ġseems":2488,"bey":2489,"Ġbuy":2490,"Ġdeeds":2491,"Whom":2492,"VERS":2493,"ĠRichmond":2494,"Ġbitter":2495,"BIANCA":2496,"BOW":2497,"Welcome":2498,"king":2499,"ls":2500,"lish":2501,"mb":2502,"rt":2503,"sp":2504,"ura":2505,"ĠThou":2506,"ĠThis":2507,"Ġfres":2508,"Ġfetch":2509,"Ġcol":2510,"Ġcross":2511,"Ġcoward":2512,"essed":2513,"Ġlim":2514,"Ġpen":2515,"otion":2516,"ated":2517,"urch":2518,"Ġknock":2519,"antage":2520,"oney":2521,"Ġprot":2522,"ĠGAU":2523,"ĠLady":2524,"ĠSaint":2525,"ĠServant":2526,"Ġkingdom":2527,"ĠPl":2528,"Ġsac":2529,"ELBOW":2530,"Ġheads":2531,"Ġscorn":2532,"Ġrage":2533,"Ġappear":2534,"Ġlead":2535,"Ġwitness":2536,"RIVERS":2537,"Ġpatient":2538,"Ġpromise":2539,"Ġlament":2540,"Ġvaliant":2541,"ĠIsab":2542,"Speak":2543,"Ġsuccess":2544,"ĠBaptista":2545,"ĠGAUNT":2546,"Bes":2547,"Ere":2548,"GUE":2549,"Hold":2550,"TY":2551,"cy":2552,"coun":2553,"nown":2554,"sper":2555,"will":2556,"xford":2557,"ĠKING":2558,"Ġign":2559,"Ġaction":2560,"Ġbro":2561,"Ġbawd":2562,"ities":2563,"Ġcle":2564,"Ġcreat":2565,"Ġcap":2566,"Ġlack":2567,"Ġthrow":2568,"Ġow":2569,"Ġopp":2570,"Ġgall":2571,"Ġforward":2572,"Ġeat":2573,"Ġkins":2574,"Their":2575,"iff":2576,"Ġang":2577,"Ġviol":2578,"antag":2579,"Ġprin":2580,"Ġprithee":2581,"ĠMy":2582,"Ġwash":2583,"ortens":2584,"aken":2585,"ĠPetruchio":2586,"Ġoffer":2587,"Ġleast":2588,"Ġslave":2589,"Ġflesh":2590,"ĠTranio":2591,"Ġprepare":2592,"Ġprayers":2593,"then":2594,"Ġappro":2595,"TAGUE":2596,"Ġtriump":2597,"Ġmoon":2598,"Ġcompl":2599,"itted":2600,"Ġtribunes":2601,"Ġdrink":2602,"ĠChrist":2603,"Romeo":2604,"ortensio":2605,"Yea":2606,"bit":2607,"but":2608,"ees":2609,"joy":2610,"ler":2611,"oor":2612,"ohem":2613,"vest":2614,"Ġid":2615,"Ġsur":2616,"Ġmid":2617,"ines":2618,"Ġfie":2619,"Ġdest":2620,"Ġnay":2621,"Ġthither":2622,"Ġhide":2623,"athar":2624,"Ġbeast":2625,"ley":2626,"Ġreb":2627,"raw":2628,"als":2629,"alth":2630,"cks":2631,"thumber":2632,"host":2633,"asters":2634,"feit":2635,"aked":2636,"pey":2637,"Ġalmost":2638,"ully":2639,"Ġscar":2640,"Ġsmall":2641,"Ġpresently":2642,"Ġfaults":2643,"Ġdepart":2644,"Ġsecret":2645,"Ġsubjects":2646,"Ġdefend":2647,"Ġpossess":2648,"atharina":2649,"thumberland":2650,"Con":2651,"DI":2652,"GI":2653,"IEL":2654,"Pl":2655,"VIR":2656,"Whi":2657,"aul":2658,"hind":2659,"ying":2660,"Ġtear":2661,"Ġwert":2662,"rey":2663,"Ġben":2664,"Ġbase":2665,"Ġbirth":2666,"Ġfill":2667,"Ġfond":2668,"Ġlab":2669,"arl":2670,"Ġpain":2671,"inger":2672,"Ġbec":2673,"Ġform":2674,"Ġeas":2675,"Ġstru":2676,"Ġliving":2677,"rue":2678,"though":2679,"Ġgoodly":2680,"Ġwhence":2681,"ĠGREY":2682,"Ġusurp":2683,"cience":2684,"Ġtrump":2685,"Ġhearing":2686,"Ġslaughter":2687,"Ġperform":2688,"Ġwrit":2689,"perate":2690,"ledge":2691,"Stay":2692,"Stand":2693,"Ġchance":2694,"PERDI":2695,"Ġvirtuous":2696,"Ġquickly":2697,"MONTAGUE":2698,"Ġdamn":2699,"ural":2700,"ohemia":2701,"GILIA":2702,"VIRGILIA":2703,"PERDITA":2704,"Ab":2705,"Doth":2706,"Peace":2707,"SET":2708,"SLY":2709,"ding":2710,"eem":2711,"gg":2712,"iest":2713,"over":2714,"oss":2715,"ror":2716,"your":2717,"ze":2718,"Ġut":2719,"Ġtor":2720,"Ġay":2721,"Ġmatch":2722,"Ġmild":2723,"Ġwild":2724,"read":2725,"isure":2726,"Ġfier":2727,"ony":2728,"Ġca":2729,"Ġcertain":2730,"arn":2731,"Ġpu":2732,"Ġpit":2733,"ingly":2734,"sem":2735,"Ġinj":2736,"Ġins":2737,"Ġinno":2738,"eds":2739,"edant":2740,"Ġur":2741,"Ġshad":2742,"Think":2743,"Ġknee":2744,"Ġkneel":2745,"astard":2746,"ustom":2747,"Ġblows":2748,"ĠSt":2749,"ĠOxford":2750,"Ġquiet":2751,"Ġproceed":2752,"ĠPaul":2753,"Ġhadst":2754,"Ġoffence":2755,"Ġadm":2756,"Ġpleas":2757,"force":2758,"Ġaffection":2759,"Ġslew":2760,"IANA":2761,"Ġlawful":2762,"Ġglad":2763,"bling":2764,"Ġweeping":2765,"MARIANA":2766,"Ġsoldier":2767,"Ġawhile":2768,"Ġdeserved":2769,"Ġexecution":2770,"ĠCoriolanus":2771,"Ġguilty":2772,"Ġpretty":2773,"ĠPompey":2774,"Ġangry":2775,"Fa":2776,"Mar":2777,"Master":2778,"PAR":2779,"RA":2780,"VINCENTIO":2781,"awn":2782,"dge":2783,"fully":2784,"gue":2785,"ked":2786,"med":2787,"ual":2788,"vol":2789,"zen":2790,"Ġap":2791,"Ġshi":2792,"Ġsho":2793,"Ġmed":2794,"Ġmod":2795,"Ġwalk":2796,"Ġfam":2797,"Ġfled":2798,"eness":2799,"Ġyear":2800,"Ġob":2801,"Ġocc":2802,"Ġhap":2803,"Ġmeasure":2804,"Ġforsw":2805,"adua":2806,"Ġreign":2807,"Ġdoom":2808,"ames":2809,"Ġnob":2810,"rupt":2811,"Ġourselves":2812,"Ġfavour":2813,"Ġneck":2814,"Ġshows":2815,"ended":2816,"Ġblow":2817,"Ġgovern":2818,"Ġwouldst":2819,"Ġletters":2820,"Ġunc":2821,"Ġunk":2822,"Ġworst":2823,"Ġspeaks":2824,"Ġmarch":2825,"ighb":2826,"ĠKatharina":2827,"Ġgreater":2828,"Ġleisure":2829,"osition":2830,"Ġtreason":2831,"ĠEnglish":2832,"Ġbanishment":2833,"Ġsense":2834,"remio":2835,"Ġcondemn":2836,"ointed":2837,"Ġdishonour":2838,"Ġclouds":2839,"Ġbreathe":2840,"Ġforbid":2841,"Ġliberty":2842,"Ġladies":2843,"Ġtrouble":2844,"rumio":2845,"ĠIsabel":2846,"counter":2847,"antagen":2848,"PARIS":2849,":'":2850,"Int":2851,"Out":2852,"Too":2853,"While":2854,"aves":2855,"acle":2856,"dle":2857,"house":2858,"rim":2859,"rous":2860,"ĠX":2861,"Ġsort":2862,"Ġmorrow":2863,"Ġwon":2864,"Ġdry":2865,"Ġcru":2866,"Ġlan":2867,"Ġlist":2868,"Ġlaid":2869,"aring":2870,"Ġobey":2871,"Ġheld":2872,"vel":2873,"ster":2874,"ators":2875,"Ġbehind":2876,"set":2877,"Ġnote":2878,"Ġstor":2879,"ider":2880,"Ġref":2881,"Ġlived":2882,"urs":2883,"Ġaside":2884,"Ġdog":2885,"Ġnoise":2886,"Ġseat":2887,"iles":2888,"Ġvain":2889,"ĠMerc":2890,"ĠBohemia":2891,"Ġletter":2892,"Ġjoin":2893,"ounds":2894,"Ġprosper":2895,"Ġrough":2896,"Ġabove":2897,"ize":2898,"Ġremain":2899,"Ġlonger":2900,"Ġwomb":2901,"Ġneeds":2902,"Ġchoose":2903,"Ġchurch":2904,"Ġprisoner":2905,"Ġsecond":2906,"Ġtemp":2907,"Ġgolden":2908,"undred":2909,"Ġdispatch":2910,"Ġpiece":2911,"Ġfresh":2912,"Ġignor":2913,"Ġbecause":2914,"antagenet":2915,"!--":2916,"Am":2917,"De":2918,"DOR":2919,"EW":2920,"En":2921,"Hark":2922,"LAR":2923,"Pr":2924,"Su":2925,"TIUS":2926,"bb":2927,"ban":2928,"cal":2929,"ffect":2930,"him":2931,"iled":2932,"ny":2933,"ts":2934,"under":2935,"ulet":2936,"ĠNow":2937,"Ġtent":2938,"Ġsch":2939,"Ġsus":2940,"Ġsaint":2941,"Ġmut":2942,"inius":2943,"Ġbig":2944,"Ġbroke":2945,"Ġbones":2946,"Ġfat":2947,"Ġfine":2948,"Ġfive":2949,"erle":2950,"itors":2951,"Ġdrown":2952,"Ġcitizens":2953,"Ġlen":2954,"Ġlow":2955,"Ġlust":2956,"Ġlau":2957,"Ġthreat":2958,"Ġhundred":2959,"Ġobed":2960,"Ġpet":2961,"vey":2962,"ang":2963,"Ġoft":2964,"Ġbend":2965,"Ġbell":2966,"Ġind":2967,"ceit":2968,"lease":2969,"ety":2970,"Ġeffect":2971,"Ġyourselves":2972,"Ġstood":2973,"Ġstain":2974,"Ġsteel":2975,"Ġsteal":2976,"ords":2977,"asion":2978,"Ġrevere":2979,"Ġsole":2980,"ARIEL":2981,"ease":2982,"Ġknees":2983,"ular":2984,"icious":2985,"Ġconqu":2986,"ieu":2987,"Ġblessed":2988,"ĠGaunt":2989,"ĠGremio":2990,"Ġshed":2991,"ĠLet":2992,"ĠLEW":2993,"Ġswift":2994,"ĠHortensio":2995,"Ġgrand":2996,"Ġproclaim":2997,"ĠPr":2998,"ĠPadua":2999,"Ġsaf":3000,"ume":3001,"ĠWatch":3002,"istress":3003,"Ġexc":3004,"Ġdesperate":3005,"Ġslander":3006,"Ġprecious":3007,"Ġbears":3008,"Ġappare":3009,"Ġconscience":3010,"Ġentertain":3011,"ontent":3012,"Ġpride":3013,"Sirrah":3014,"uthor":3015,"Ġglory":3016,"Ġdouble":3017,"atesby":3018,"Ġwoes":3019,"posed":3020,"Ġlands":3021,"Ġsentence":3022,"ĠNorthumberland":3023,"Ġdrunk":3024,"Ġtowards":3025,"ĠCapulet":3026,"Unto":3027,"Ġforgot":3028,"Ġwisdom":3029,"Ġvenge":3030,"Sweet":3031,"Ġvictory":3032,"Ġkinsman":3033,"ĠXI":3034,"LARTIUS":3035,"ĠLEWIS":3036,"ĠWatchman":3037,";'":3038,"Bel":3039,"Could":3040,"Hear":3041,"MP":3042,"Me":3043,"Pardon":3044,"Pedant":3045,"RTIS":3046,"bray":3047,"den":3048,"gment":3049,"hn":3050,"iance":3051,"ohn":3052,"pir":3053,"ude":3054,"vail":3055,"which":3056,"head":3057,"Ġauthor":3058,"Ġsour":3059,"Ġmount":3060,"Ġmethinks":3061,"Ġmoney":3062,"Ġmasters":3063,"rent":3064,"rence":3065,"Ġfe":3066,"Ġfru":3067,"Ġfought":3068,"Ġfew":3069,"Ġdied":3070,"Ġdeter":3071,"Ġcapt":3072,"Ġpun":3073,"owbray":3074,"Ġhair":3075,"irl":3076,"Ġeld":3077,"Ġstud":3078,"estion":3079,"Ġdoing":3080,"iful":3081,"Ġseal":3082,"ility":3083,"ĠCa":3084,"cted":3085,"ETER":3086,"Ġmanner":3087,"ĠEarl":3088,"ĠGo":3089,"ĠGrumio":3090,"Ġknowledge":3091,"umerle":3092,"Ġenjoy":3093,"Ġran":3094,"ĠAnt":3095,"Within":3096,"Ġalive":3097,"Ġabro":3098,"ways":3099,"Ġhonours":3100,"Ġwarm":3101,"ations":3102,"Ġdeadly":3103,"Ġkept":3104,"Ġcontr":3105,"Ġcontin":3106,"Ġarmy":3107,"Ġlordship":3108,"Ġguest":3109,"Ġguess":3110,"CURTIS":3111,"Ġpromised":3112,"comes":3113,"eeper":3114,"Ġwretched":3115,"Ġdespair":3116,"Ġcheeks":3117,"SAMP":3118,"Ġlabour":3119,"Ġstruck":3120,"Faith":3121,"Ġdeterm":3122,"SAMPSON":3123,"'re":3124,":--":3125,"BU":3126,"Br":3127,"Citizens":3128,"Dis":3129,"EX":3130,"Either":3131,"IGON":3132,"bury":3133,"ey":3134,"good":3135,"mit":3136,"take":3137,"Ġtry":3138,"Ġteach":3139,"Ġaid":3140,"ounce":3141,"Ġsim":3142,"reed":3143,"Ġbastard":3144,"orious":3145,"llow":3146,"ited":3147,"Ġdance":3148,"Ġcorn":3149,"Ġcred":3150,"Ġcried":3151,"Ġpal":3152,"Ġhel":3153,"Ġhealth":3154,"stant":3155,"utio":3156,"ourn":3157,"Ġliest":3158,"Ġdeg":3159,"Ġdemand":3160,"Ġshake":3161,"eaven":3162,"ament":3163,"Ġsever":3164,"Ġherself":3165,"Ġspent":3166,"ĠMaster":3167,"ĠMowbray":3168,"Ġwhether":3169,"Ġamong":3170,"Ġshepherd":3171,"othing":3172,"ppy":3173,"Ġunp":3174,"Ġunw":3175,"ĠHow":3176,"Ġquoth":3177,"Ġprov":3178,"umb":3179,"Ġplant":3180,"ĠWill":3181,"ĠWhy":3182,"osed":3183,"Ġencounter":3184,"Ġrot":3185,"Ġofficer":3186,"Ġbrothers":3187,"Ġearly":3188,"Ġhonourable":3189,"Ġflowers":3190,"LEY":3191,"Ġcalls":3192,"Ġwhite":3193,"Ġremed":3194,"Ġmoved":3195,"Ġaccount":3196,"ewis":3197,"Ġkindred":3198,"Ġpriest":3199,"Ġguard":3200,"Ġcharity":3201,"Ġunderstand":3202,"Ġfoolish":3203,"Ġhumble":3204,"Ġcounter":3205,"Ġdreams":3206,"Ġgreet":3207,"ANTIGON":3208,"Ġvalour":3209,"Ġjudge":3210,"Ġwretch":3211,"Ġbeggar":3212,"Ġsummer":3213,"Ġtriumph":3214,"Ġcruel":3215,"BURY":3216,"ANTIGONUS":3217,"Bet":3218,"Fear":3219,"Lo":3220,"Mine":3221,"Made":3222,"TCLIFF":3223,"True":3224,"fall":3225,"mon":3226,"rison":3227,"ĠAnd":3228,"heart":3229,"ining":3230,"Ġwail":3231,"orthy":3232,"Ġfart":3233,"Ġfaint":3234,"ites":3235,"Ġdin":3236,"Ġdwell":3237,"Ġyea":3238,"Ġthro":3239,"Ġhung":3240,"Ġpack":3241,"Ġga":3242,"Ġgent":3243,"leep":3244,"Ġforce":3245,"Ġweary":3246,"Ġstone":3247,"Ġstars":3248,"ask":3249,"roy":3250,"Ġbutcher":3251,"ify":3252,"Ġseven":3253,"Ġanon":3254,"Ġours":3255,"ĠCom":3256,"Ġneighb":3257,"ĠRoman":3258,"Ġvie":3259,"ief":3260,"Ġblame":3261,"Ġgoing":3262,"ĠLewis":3263,"Ġthereof":3264,"Ġunf":3265,"Ġuns":3266,"Ġenvy":3267,"Ġrise":3268,"Ġthinks":3269,"Ġrid":3270,"Ġparty":3271,"Ġadd":3272,"Ġothers":3273,"ĠJohn":3274,"ians":3275,"Ġkindness":3276,"Ġchast":3277,"Ġbids":3278,"Ġbright":3279,"Ġglass":3280,"Ġmiser":3281,"Ġcrave":3282,"Twas":3283,"Ġwinter":3284,"Ġmonth":3285,"Ġminister":3286,"Ġwalls":3287,"Ġextrem":3288,"Ġsatisfied":3289,"Ġprivate":3290,"ĠVolsces":3291,"Ġidle":3292,"Ġscarce":3293,"Ġbenef":3294,"RATCLIFF":3295,"Ġlaugh":3296,"Ġvengeance":3297,"Ġabroad":3298,"Ġview":3299,"After":3300,"Bid":3301,"BIS":3302,"Fie":3303,"Gentle":3304,"HOP":3305,"Ne":3306,"Never":3307,"Signior":3308,"Under":3309,"aff":3310,"gra":3311,"ners":3312,"ope":3313,"shall":3314,"ued":3315,"vious":3316,"whe":3317,"woman":3318,"Ġver":3319,"incentio":3320,"Ġwre":3321,"Ġwench":3322,"rees":3323,"have":3324,"orous":3325,"Ġfirm":3326,"Ġcir":3327,"Ġcorse":3328,"enes":3329,"Ġlest":3330,"Ġhol":3331,"vell":3332,"ott":3333,"omas":3334,"att":3335,"ating":3336,"Ġincl":3337,"cell":3338,"utland":3339,"Ġformer":3340,"Ġease":3341,"riar":3342,"ident":3343,"Ġrel":3344,"Ġreceived":3345,"Ġdeal":3346,"amp":3347,"Ġsport":3348,"Ġfaire":3349,"ANLEY":3350,"ĠRutland":3351,"Ġvile":3352,"Ġshrew":3353,"antua":3354,"ĠMantua":3355,"Ġconcl":3356,"Ġconvey":3357,"Ġgod":3358,"allow":3359,"ĠBarn":3360,"Ġarri":3361,"Ġunb":3362,"ĠHer":3363,"ĠVincentio":3364,"Ġmayst":3365,"eless":3366,"Ġquite":3367,"Ġprovost":3368,"IST":3369,"Ġtruly":3370,"Ġdism":3371,"Off":3372,"Ġfoes":3373,"Ġroot":3374,"Ġwherefore":3375,"Ġflower":3376,"Ġimag":3377,"Ġtrial":3378,"ailor":3379,"Ġsmo":3380,"Ġtrem":3381,"Ġfellows":3382,"rench":3383,"Ġchanged":3384,"Ġcover":3385,"Ġhumour":3386,"Ġboot":3387,"Ġswords":3388,"Ġdeputy":3389,"Ġcondition":3390,"Ġjudgment":3391,"change":3392,"Ġtyrant":3393,"Ġacqu":3394,"Ġevil":3395,"BALT":3396,"TYBALT":3397,"Whilst":3398,"Ġeasy":3399,"ĠMercutio":3400,"Ġschool":3401,"Ġexcuse":3402,"Ġfruit":3403,"BISHOP":3404,"'?":3405,"AL":3406,"Bl":3407,"Des":3408,"Ex":3409,"KEN":3410,"Methinks":3411,"Put":3412,"Tut":3413,"ault":3414,"after":3415,"con":3416,"ek":3417,"ead":3418,"ered":3419,"his":3420,"oot":3421,"pin":3422,"roth":3423,"rate":3424,"shi":3425,"ta":3426,"vish":3427,"Ġtaken":3428,"Ġwither":3429,"Ġba":3430,"Ġbrow":3431,"Ġbite":3432,"Ġbrows":3433,"Ġfain":3434,"Ġfeed":3435,"erona":3436,"Ġdust":3437,"Ġdull":3438,"enance":3439,"Ġthunder":3440,"Ġpains":3441,"anley":3442,"Ġgown":3443,"Ġgrown":3444,"Ġgift":3445,"Ġghost":3446,"Ġgirl":3447,"Ġbeha":3448,"Ġmeat":3449,"rift":3450,"Ġstab":3451,"Ġstoop":3452,"idings":3453,"ract":3454,"arden":3455,"Ġspe":3456,"Ġspake":3457,"Ġspring":3458,"ilia":3459,"ĠCatesby":3460,"Ġknave":3461,"AND":3462,"Ġvice":3463,"aste":3464,"Ġshore":3465,"Ġproof":3466,"Ġblest":3467,"Ġblind":3468,"ement":3469,"Ġsirrah":3470,"Ġunl":3471,"Ġquestion":3472,"Ġjoint":3473,"cians":3474,"ĠWe":3475,"ĠAl":3476,"ĠAumerle":3477,"Ġhonesty":3478,"ursed":3479,"Ġleaves":3480,"Ġtwice":3481,"aper":3482,"ĠKeeper":3483,"Ġprevent":3484,"OMAS":3485,"there":3486,"ĠMars":3487,"Ġrepent":3488,"Ġtraitors":3489,"twixt":3490,"Ġimport":3491,"Ġwrongs":3492,"Ġburied":3493,"ealous":3494,"place":3495,"Ġreasons":3496,"Alack":3497,"Ġsenate":3498,"Ġgreen":3499,"Ġaffair":3500,"acher":3501,"Ġchoice":3502,"azed":3503,"Ġdivine":3504,"ĠCorioli":3505,"Ġwhilst":3506,"Ġstop":3507,"Ġtyran":3508,"Ġprophe":3509,"Ġembrace":3510,"Ġmalice":3511,"BRAKEN":3512,"ĠPlantagenet":3513,"Ġsacred":3514,"Ġfiery":3515,"Ġinnocent":3516,"ĠPaulina":3517,"Ġleng":3518,"ĠPrince":3519,"Ġsafety":3520,"ĠCominius":3521,"BRAKENBURY":3522,"?'":3523,"Ad":3524,"DER":3525,"DON":3526,"Edward":3527,"GOR":3528,"Hence":3529,"Ind":3530,"MIST":3531,"Once":3532,"Richard":3533,"RESS":3534,"cha":3535,"draw":3536,"eld":3537,"go":3538,"mn":3539,"my":3540,"more":3541,"nat":3542,"op":3543,"oly":3544,"oard":3545,"pet":3546,"port":3547,"poll":3548,"sic":3549,"would":3550,"Ġed":3551,"ĠTo":3552,"Ġavo":3553,"Ġsits":3554,"inous":3555,"Ġwag":3556,"Ġwings":3557,"rehe":3558,"Ġbark":3559,"orry":3560,"Ġfury":3561,"Ġfinger":3562,"erset":3563,"itol":3564,"Ġcustom":3565,"enen":3566,"anch":3567,"omerset":3568,"Ġgross":3569,"Ġgarden":3570,"Ġinform":3571,"edious":3572,"Ġused":3573,"Ġweeds":3574,"Ġele":3575,"Ġeag":3576,"Ġstones":3577,"Ġdec":3578,"Ġdoor":3579,"Ġnose":3580,"Ġallow":3581,"think":3582,"Ġanger":3583,"ardine":3584,"Ġloath":3585,"Ġloyal":3586,"ellow":3587,"Ġfares":3588,"Ġnecess":3589,"Ġknight":3590,"ctise":3591,"Ġshr":3592,"Ġoracle":3593,"ĠOVER":3594,"Myself":3595,"hysic":3596,"Ġmayor":3597,"elve":3598,"Ġhollow":3599,"Ġsail":3600,"Ġplague":3601,"unning":3602,"Ġround":3603,"Ġfright":3604,"icked":3605,"Without":3606,"Ġalways":3607,"Ġrob":3608,"Ġrock":3609,"Ġwherein":3610,"Ġdesign":3611,"Wherein":3612,"aughters":3613,"Ġadieu":3614,"Ġcommend":3615,"Ġclaim":3616,"Ġprevail":3617,"Ġprayer":3618,"PETER":3619,"Ġplead":3620,"Ġperceive":3621,"Ġtroth":3622,"Ġrude":3623,"Ġtongues":3624,"Ġsubst":3625,"Ġsmile":3626,"Ġimprison":3627,"��cares":3628,"GREGOR":3629,"Ġdrawn":3630,"Ġempt":3631,"Ġwanton":3632,"Ġassist":3633,"unts":3634,"Ġtempt":3635,"Ġdeserve":3636,"Ġdelight":3637,"ĠCapitol":3638,"Ġpractise":3639,"Ġcheek":3640,"Ġabsence":3641,"ĠThomas":3642,"Ġdrop":3643,"Ġcreature":3644,"Ġtrumpets":3645,"Ġutter":3646,"Ġlangu":3647,"Ġignorant":3648,"Brother":3649,"Ġrotten":3650,"Ġremedy":3651,"Ġcirc":3652,"ĠBarnardine":3653,"DERBY":3654,"DONE":3655,"Indeed":3656,"MISTRESS":3657,"enenius":3658,"ĠOVERDONE":3659,"GREGORY":3660,"Art":3661,"CH":3662,"Dost":3663,"FORD":3664,"OX":3665,"Poor":3666,"Res":3667,"RICH":3668,"SOM":3669,"Turn":3670,"VAL":3671,"act":3672,"dy":3673,"eous":3674,"mion":3675,"sing":3676,"thi":3677,"what":3678,"yard":3679,"Ġes":3680,"ĠWhere":3681,"Ġtune":3682,"Ġtidings":3683,"Ġtedious":3684,"held":3685,"Ġaim":3686,"Ġaught":3687,"Ġship":3688,"Ġsens":3689,"Ġwent":3690,"Ġwont":3691,"Ġwives":3692,"Ġwicked":3693,"haps":3694,"isa":3695,"ises":3696,"onounce":3697,"Ġdur":3698,"Ġcre":3699,"Ġcell":3700,"Ġcure":3701,"Ġcarry":3702,"Ġcries":3703,"esy":3704,"Ġnumber":3705,"Ġlar":3706,"Ġloud":3707,"Ġthrust":3708,"Ġhit":3709,"Ġhid":3710,"Ġpil":3711,"Ġpair":3712,"othe":3713,"Ġbecomes":3714,"cend":3715,"utes":3716,"iment":3717,"rious":3718,"Ġstar":3719,"Ġstat":3720,"Ġsteed":3721,"ashi":3722,"Ġreceive":3723,"Ġasleep":3724,"Ġdew":3725,"Ġdeceived":3726,"Ġdeposed":3727,"Ġshar":3728,"this":3729,"ards":3730,"hant":3731,"Ġvantage":3732,"ERIA":3733,"ERSET":3734,"ĠMusic":3735,"Ġconj":3736,"ongs":3737,"ĠGrey":3738,"Ġsheep":3739,"Ġtherein":3740,"ĠSic":3741,"ĠSomerset":3742,"ĠVerona":3743,"Ġjealous":3744,"Ġshouldst":3745,"Ġproper":3746,"Ġras":3747,"Ġoutward":3748,"Ġwhole":3749,"Ġoffend":3750,"ĠYour":3751,"Ġalas":3752,"Ġheav":3753,"Ġearn":3754,"eeth":3755,"Ġmeaning":3756,"aced":3757,"Ġchief":3758,"Ġbegins":3759,"ĠJove":3760,"Ġruin":3761,"loved":3762,"ission":3763,"Ġresign":3764,"Ġfollows":3765,"Ġtread":3766,"Ġtreacher":3767,"ethought":3768,"Ġbanished":3769,"Ġpassing":3770,"Ġwoful":3771,"Ġdevise":3772,"Ġfollowers":3773,"Ġfools":3774,"Ġmaids":3775,"Show":3776,"Ġadvise":3777,"Ġgives":3778,"itting":3779,"Ġrememb":3780,"Ġawake":3781,"Ġborne":3782,"Ġsupper":3783,"Ġlamb":3784,"Ġcondu":3785,"aze":3786,"Ġsilence":3787,"Ġpossible":3788,"Having":3789,"Ġprofess":3790,"Ġdespite":3791,"MOND":3792,"Ġgarments":3793,"Ġcastle":3794,"Ġthrive":3795,"Ġexpress":3796,"Ġundone":3797,"Ġdreadful":3798,"Ġbabe":3799,"Ġprotect":3800,"Besides":3801,"Ġbroken":3802,"Ġviolent":3803,"ĠChristian":3804,"Ġpubl":3805,"Ġoccasion":3806,"Ġnobles":3807,"Into":3808,"ursday":3809,"Ġfatal":3810,"Ġbelly":3811,"Ġauthority":3812,"Ġsimple":3813,"Ġfarther":3814,"Ġthroat":3815,"Ġbenefit":3816,"pinion":3817,"Ġaffairs":3818,"pollo":3819,"OXFORD":3820,"RICHMOND":3821,"SOMERSET":3822,"VALERIA":3823,"mione":3824,"AMIL":3825,"BUS":3826,"Great":3827,"HY":3828,"Hast":3829,"LIUS":3830,"MOP":3831,"MAMIL":3832,"Per":3833,"Tybalt":3834,"Tailor":3835,"Very":3836,"app":3837,"cing":3838,"can":3839,"eg":3840,"fl":3841,"father":3842,"gle":3843,"iond":3844,"oat":3845,"pr":3846,"ron":3847,"son":3848,"ub":3849,"Ġer":3850,"Ġir":3851,"ĠThere":3852,"Ġtort":3853,"Ġtaste":3854,"Ġsan":3855,"Ġsix":3856,"Ġsorry":3857,"Ġwine":3858,"Ġwander":3859,"Ġband":3860,"Ġbond":3861,"erved":3862,"itude":3863,"Ġdet":3864,"Ġdue":3865,"Ġcal":3866,"Ġcam":3867,"Ġcunning":3868,"ene":3869,"enn":3870,"Ġnine":3871,"Ġnames":3872,"Ġlend":3873,"arch":3874,"Ġtop":3875,"Ġpin":3876,"Ġpawn":3877,"Ġpaper":3878,"Ġphysic":3879,"Ġgain":3880,"Ġgage":3881,"Ġbelike":3882,"Ġbeheld":3883,"Ġinfect":3884,"ldom":3885,"eding":3886,"utation":3887,"Ġweight":3888,"Ġweap":3889,"ills":3890,"Ġequ":3891,"enture":3892,"Ġstore":3893,"Ġstep":3894,"Ġstock":3895,"Ġstuff":3896,"Ġrenown":3897,"rand":3898,"Ġlip":3899,"Ġdeare":3900,"room":3901,"eave":3902,"usion":3903,"iffe":3904,"Ġseas":3905,"Ġsup":3906,"run":3907,"Ġange":3908,"Ġlod":3909,"ello":3910,"Ġspend":3911,"Ġspare":3912,"hop":3913,"Ġvan":3914,"ouses":3915,"Ġshut":3916,"ustice":3917,"ĠMOW":3918,"ĠMenenius":3919,"olix":3920,"Ġsway":3921,"Ġbrook":3922,"Ġkingly":3923,"ĠBona":3924,"Ġunnat":3925,"ĠHarry":3926,"Ġquit":3927,"imely":3928,"Ġenvious":3929,"Ġrash":3930,"Ġdisd":3931,"ABHOR":3932,"Ġroom":3933,"Ġexile":3934,"Ġexcell":3935,"Ġdesert":3936,"Ġgentlewoman":3937,"Ġflight":3938,"Ġtwelve":3939,"Ġparts":3940,"Ġprey":3941,"THOMAS":3942,"Ġperil":3943,"Ġperish":3944,"Ġtrans":3945,"iteous":3946,"ĠFriar":3947,"Ġwhither":3948,"swain":3949,"Ġuntil":3950,"Ġaffect":3951,"Ġlean":3952,"Ġlegs":3953,"orses":3954,"Ġkeeps":3955,"Ġaccus":3956,"STANLEY":3957,"Ġprize":3958,"Ġpursu":3959,"Ġchair":3960,"Ġcountenance":3961,"Ġpleased":3962,"ounty":3963,"Ġhumbly":3964,"Ġcourtesy":3965,"Ġadvantage":3966,"Ġcurst":3967,"ploy":3968,"Ġspirits":3969,"Two":3970,"Ġintend":3971,"Ġdenied":3972,"ancy":3973,"Ġdisposition":3974,"Ġbetwixt":3975,"Ġsilver":3976,"Ġdelay":3977,"Ġresolve":3978,"ĠThursday":3979,"Ġwedding":3980,"Ġsighs":3981,"Ġhurt":3982,"BRAY":3983,"Ġcolour":3984,"Ġclear":3985,"Ġowe":3986,"Ġprepared":3987,"Ġdamned":3988,"Ġshadow":3989,"Ġpleasant":3990,"Ġforsworn":3991,"Ġstorm":3992,"Death":3993,"Ġthreaten":3994,"Ġconquer":3995,"Ġpunish":3996,"ĠCaius":3997,"Ġcontrary":3998,"EXETER":3999,"Ġpalace":4000,"Ġdinner":4001,"Ġneighbour":4002,"Ġmiserable":4003,"Ġspeci":4004,"Ġempty":4005,"ĠMusician":4006,"BUSHY":4007,"MOPSA":4008,"MAMILLIUS":4009,"iondello":4010,"Ġsanct":4011,"ĠMOWBRAY":4012,"olixenes":4013,"ABHORSON":4014,"CY":4015,"Cousin":4016,"Ed":4017,"Know":4018,"None":4019,"Nothing":4020,"Pre":4021,"Ret":4022,"Right":4023,"Rem":4024,"Rep":4025,"Sc":4026,"Sha":4027,"Widow":4028,"bow":4029,"born":4030,"grace":4031,"hor":4032,"hore":4033,"lar":4034,"mity":4035,"oc":4036,"oke":4037,"par":4038,"ping":4039,"pic":4040,"pass":4041,"tune":4042,"urious":4043,"we":4044,"wise":4045,"yond":4046,"ĠWhen":4047,"Ġtut":4048,"Ġtable":4049,"Ġscept":4050,"Ġmiss":4051,"Ġmurderer":4052,"Ġmaking":4053,"Ġmotion":4054,"Ġmourn":4055,"Ġwot":4056,"Ġwood":4057,"Ġwol":4058,"Ġwond":4059,"rease":4060,"Ġbas":4061,"Ġbare":4062,"Ġball":4063,"Ġbud":4064,"ising":4065,"Ġfle":4066,"Ġfro":4067,"Ġfee":4068,"Ġfashi":4069,"erve":4070,"Ġdi":4071,"Ġdign":4072,"Ġdies":4073,"Ġdag":4074,"Ġdaughters":4075,"Ġcens":4076,"Ġcup":4077,"Ġcalm":4078,"ency":4079,"Ġnaked":4080,"Ġyonder":4081,"Ġopinion":4082,"Ġpure":4083,"Ġport":4084,"Ġpainted":4085,"Ġpiteous":4086,"Ġheed":4087,"ote":4088,"ane":4089,"Ġgate":4090,"Ġbew":4091,"Ġbeloved":4092,"sequ":4093,"irg":4094,"Ġmend":4095,"ourish":4096,"Ġweigh":4097,"rib":4098,"Ġstory":4099,"Ġreward":4100,"urance":4101,"Ġdebt":4102,"Ġones":4103,"ARCH":4104,"amed":4105,"Ġseest":4106,"Three":4107,"ruly":4108,"thou":4109,"Ġfail":4110,"ERCY":4111,"que":4112,"Ġgoodness":4113,"Ġpronounce":4114,"Ġcomple":4115,"ĠMessenger":4116,"Ġamb":4117,"Ġamen":4118,"outs":4119,"oler":4120,"Ġhatred":4121,"Ġtheirs":4122,"ĠBiondello":4123,"Ġarg":4124,"igence":4125,"Ġquench":4126,"Ġhopes":4127,"cio":4128,"cian":4129,"Ġseeing":4130,"ĠPro":4131,"ĠPeter":4132,"ĠPisa":4133,"ĠPolixenes":4134,"ĠPERCY":4135,"umble":4136,"Ġplot":4137,"Ġdiss":4138,"Ġexpect":4139,"Ġslow":4140,"Ġado":4141,"THAS":4142,"ĠDid":4143,"Ġperfect":4144,"Ġperpet":4145,"Ġwrath":4146,"Thanks":4147,"lesome":4148,"ĠFl":4149,"Ġremains":4150,"Ġcrowns":4151,"Ġhark":4152,"Ġcourage":4153,"Ġwits":4154,"clock":4155,"Ġaccess":4156,"Ġaccuse":4157,"Ġfolly":4158,"Only":4159,"Ġends":4160,"Ġendure":4161,"Ġneedful":4162,"Still":4163,"Ġbodies":4164,"Ġjoys":4165,"Ġjoyful":4166,"Ġfortunes":4167,"Ġmistake":4168,"Ġnatural":4169,"Ġhappiness":4170,"Ġmisery":4171,"Ġundertake":4172,"Ġchide":4173,"Ġattempt":4174,"Ġadvance":4175,"Ġcurses":4176,"Ġemploy":4177,"Ġassurance":4178,"Ġpersu":4179,"Ġdiscontent":4180,"Ġsenators":4181,"Ġcrack":4182,"Ġintent":4183,"Ġsometime":4184,"Ġwounded":4185,"Ġspoken":4186,"Ġdrum":4187,"Ġmarket":4188,"cape":4189,"Ġwaters":4190,"Ġcursed":4191,"Ġinstruct":4192,"Ġinstrument":4193,"ĠNap":4194,"ĠRivers":4195,"Ġterror":4196,"Ġresolved":4197,"chance":4198,"Ġwhiles":4199,"Ġcorrupt":4200,"ney":4201,"Ġburthen":4202,"Ġgriev":4203,"Ġduked":4204,"Ġaccept":4205,"Ġgroan":4206,"BALTHAS":4207,"Ġcolours":4208,"Ġpenit":4209,"Ġprotest":4210,"Ġprinces":4211,"Ġprincess":4212,"ĠStanley":4213,"Ġgovernment":4214,"Prithee":4215,"Ġobedience":4216,"Ġpetition":4217,"Ġsolemn":4218,"Believe":4219,"Ġcontinue":4220,"Ġcredit":4221,"Ġseveral":4222,"hearted":4223,"Ġwreck":4224,"Ġlanguage":4225,"Ġcircum":4226,"Ġdurst":4227,"Ġremembrance":4228,"Ġpublic":4229,"Ġunnatural":4230,"picion":4231,"Ġdukedom":4232,"BALTHASAR":4233,"?--":4234,"Ar":4235,"App":4236,"AEd":4237,"Bear":4238,"Boat":4239,"Father":4240,"FOL":4241,"Heaven":4242,"Love":4243,"Might":4244,"Mark":4245,"OS":4246,"Post":4247,"Page":4248,"Save":4249,"afe":4250,"bear":4251,"do":4252,"dds":4253,"ex":4254,"fer":4255,"gers":4256,"how":4257,"ipe":4258,"just":4259,"lic":4260,"oe":4261,"oved":4262,"ped":4263,"pro":4264,"sc":4265,"same":4266,"time":4267,"uary":4268,"val":4269,"vours":4270,"yr":4271,"ĠNay":4272,"ĠThey":4273,"Ġtest":4274,"Ġteeth":4275,"hest":4276,"Ġsink":4277,"Ġsins":4278,"Ġmag":4279,"Ġmile":4280,"ination":4281,"happy":4282,"ishop":4283,"Ġfame":4284,"erd":4285,"ita":4286,"Ġcock":4287,"Ġcease":4288,"ences":4289,"Ġnought":4290,"Ġled":4291,"aries":4292,"Ġhost":4293,"Ġhunt":4294,"Ġhouses":4295,"Ġhorses":4296,"Ġodd":4297,"Ġobs":4298,"Ġodds":4299,"Ġtomb":4300,"Ġpol":4301,"Ġpowers":4302,"strous":4303,"omp":4304,"omen":4305,"atic":4306,"atience":4307,"Ġbeyond":4308,"Ġhaz":4309,"uted":4310,"Ġmere":4311,"Ġisle":4312,"Ġisland":4313,"ourage":4314,"Ġeast":4315,"Ġits":4316,"Ġkin":4317,"idence":4318,"Ġrepe":4319,"Ġrealm":4320,"Ġshape":4321,"uses":4322,"ified":4323,"Ġseize":4324,"Those":4325,"Ġspite":4326,"Ġfaces":4327,"ĠCan":4328,"ĠCal":4329,"ĠROS":4330,"Ġvault":4331,"Ġvirg":4332,"Ġshun":4333,"ants":4334,"Ġcomest":4335,"Ġmanners":4336,"ĠEl":4337,"icular":4338,"Ġconc":4339,"ieved":4340,"Ġblock":4341,"Ġblush":4342,"ĠGood":4343,"ared":4344,"arent":4345,"olute":4346,"Ġhereafter":4347,"Ġswallow":4348,"Ġbrings":4349,"ĠSo":4350,"ĠBl":4351,"elt":4352,"Ġqual":4353,"Ġjour":4354,"Young":4355,"akest":4356,"ument":4357,"Ġfathers":4358,"ĠWho":4359,"Ġenmity":4360,"Ġring":4361,"CAS":4362,"ĠYet":4363,"Ġalter":4364,"Ġlooking":4365,"Ġfriendly":4366,"Ġslay":4367,"Ġflies":4368,"ĠTake":4369,"Ġfairly":4370,"tled":4371,"Ġadvers":4372,"Ġclo":4373,"Ġwrite":4374,"Ġtrade":4375,"Ġways":4376,"Ġscope":4377,"Ġscene":4378,"aintain":4379,"they":4380,"Ġkey":4381,"ĠFrench":4382,"Ġapprehe":4383,"Ġcontract":4384,"Ġwhore":4385,"Ġarmour":4386,"ctions":4387,"Ġuntimely":4388,"ression":4389,"Ġimm":4390,"Ġrepair":4391,"Ġrule":4392,"Ġleads":4393,"Ġslept":4394,"Ġaccord":4395,"Ġpurcha":4396,"Ġcompass":4397,"orset":4398,"Ġseeming":4399,"Ġbrain":4400,"Ġglorious":4401,"Ġimposs":4402,"Ġpassage":4403,"Ġmaiden":4404,"Ġhateful":4405,"Ġstrew":4406,"Ġturns":4407,"uteous":4408,"Ġinstant":4409,"Ġboar":4410,"Ġwants":4411,"NORFOL":4412,"Ġdiscover":4413,"Ġcommanded":4414,"Ġhanging":4415,"Ġcontented":4416,"Ġdares":4417,"Ġfreely":4418,"Ġgrey":4419,"Ġservices":4420,"Ġtemper":4421,"Ġdrums":4422,"Ġcholer":4423,"Ġgrows":4424,"Ġdeserves":4425,"noon":4426,"ĠLucio":4427,"Ġgranted":4428,"Comm":4429,"Ġterms":4430,"Ġincrease":4431,"Ġresolution":4432,"Ġshortly":4433,"Ġvex":4434,"Ġpraise":4435,"Ġabsent":4436,"Ġvenom":4437,"Ġdrops":4438,"Ġprivile":4439,"Ġrespected":4440,"Ġframe":4441,"Beseech":4442,"Ġapproach":4443,"Ġcomplain":4444,"Ġtorment":4445,"Ġunknown":4446,"Ġprosperous":4447,"DORCAS":4448,"Ġsuspicion":4449,"Ġreverend":4450,"Ġapparel":4451,"Ġcaptain":4452,"Ġdegree":4453,"ĠHermione":4454,"Ġsmooth":4455,"Ġlarge":4456,"Ġsharp":4457,"Ġearnest":4458,"Ġcamest":4459,"Ġdisdain":4460,"Ġexcellent":4461,"Ġsceptre":4462,"Ġdagger":4463,"ĠNaples":4464,"Boatswain":4465,"ĠROSS":4466,"NORFOLK":4467,"Amen":4468,"Boy":4469,"Came":4470,"Cons":4471,"DIN":4472,"Dear":4473,"FER":4474,"GH":4475,"Ghost":4476,"Has":4477,"Long":4478,"Mistress":4479,"NS":4480,"Please":4481,"RR":4482,"Roman":4483,"Set":4484,"Wilt":4485,"Worthy":4486,"aces":4487,"aily":4488,"bri":4489,"bra":4490,"dis":4491,"fret":4492,"gl":4493,"gar":4494,"iven":4495,"iate":4496,"ipp":4497,"kin":4498,"ker":4499,"law":4500,"pul":4501,"uce":4502,"wife":4503,"ĠTherefore":4504,"Ġtame":4505,"Ġtaught":4506,"Ġtap":4507,"Ġtide":4508,"Ġable":4509,"Ġsqu":4510,"Ġsouth":4511,"Ġmor":4512,"Ġmill":4513,"Ġmessenger":4514,"iny":4515,"reg":4516,"reland":4517,"reme":4518,"Ġbird":4519,"Ġbury":4520,"isper":4521,"Ġfig":4522,"Ġfurn":4523,"itus":4524,"Ġdig":4525,"Ġdress":4526,"Ġdaily":4527,"Ġchat":4528,"Ġcatch":4529,"Ġlark":4530,"Ġthorn":4531,"Ġthief":4532,"Ġparent":4533,"ĠIreland":4534,"ances":4535,"omans":4536,"ater":4537,"ature":4538,"atcl":4539,"Ġbef":4540,"Ġbeard":4541,"Ġbethink":4542,"Ġmeant":4543,"Ġweather":4544,"Ġwept":4545,"ades":4546,"ricians":4547,"Ġstol":4548,"Ġstamp":4549,"Ġrej":4550,"Ġrecom":4551,"Ġrevol":4552,"Ġlion":4553,"aline":4554,"Ġwilling":4555,"Ġwillingly":4556,"Ġnobl":4557,"Ġnobly":4558,"andal":4559,"Ġseason":4560,"Ġsull":4561,"Ġsuck":4562,"Ġspr":4563,"Ġspur":4564,"ĠCo":4565,"ĠCons":4566,"Ġknife":4567,"ĠRos":4568,"ĠRomans":4569,"Ġvows":4570,"Ġcomb":4571,"ĠMay":4572,"ĠMil":4573,"Ġamazed":4574,"Ġconce":4575,"Ġconceit":4576,"Ġconstant":4577,"ember":4578,"Help":4579,"Ġlovely":4580,"Ġswell":4581,"ĠST":4582,"ĠBe":4583,"ĠBer":4584,"Ġunless":4585,"Ġworn":4586,"Ġworthi":4587,"Ġjew":4588,"Ġmuster":4589,"Ġprovo":4590,"ĠPray":4591,"Ġruth":4592,"ĠAd":4593,"ĠApollo":4594,"Ġdisper":4595,"Ġabhor":4596,"Ġroar":4597,"Ġrogue":4598,"Ġtells":4599,"Ġwhereof":4600,"Ġwarlike":4601,"Ġhasty":4602,"Ġfears":4603,"Ġgreatest":4604,"oldier":4605,"Ġparticular":4606,"Ġadver":4607,"Ġcommitted":4608,"Ġclam":4609,"ĠDo":4610,"Ġperj":4611,"Ġperforce":4612,"Ġwrought":4613,"liament":4614,"Ġnorth":4615,"Ġpress":4616,"Ġrap":4617,"Ġraise":4618,"ĠFarewell":4619,"Ġbegun":4620,"forth":4621,"ĠJack":4622,"Ġconsider":4623,"Ġpeers":4624,"love":4625,"Ġwitch":4626,"Ġaccused":4627,"Ġkindly":4628,"Ġcompan":4629,"Ġsmiles":4630,"Ġcounty":4631,"Ġfinds":4632,"Stri":4633,"Ġbraw":4634,"Ġcharged":4635,"Ġpassion":4636,"Clarence":4637,"Ġholds":4638,"GREEN":4639,"Ġstreets":4640,"Ġbuild":4641,"Ġsoundly":4642,"Ġserves":4643,"Ġboots":4644,"Ġadvice":4645,"Ġcurrent":4646,"Ġrevenged":4647,"Ġassured":4648,"Ġsends":4649,"Ġgiving":4650,"Ġwinds":4651,"Ġhanged":4652,"Ġdarest":4653,"Ġintell":4654,"Ġsupposed":4655,"Ġafford":4656,"ALONS":4657,"Whither":4658,"Ġhardly":4659,"Ġprofit":4660,"Ġparliament":4661,"Ġrecord":4662,"Ġveins":4663,"Ġwaste":4664,"Ġstopp":4665,"Until":4666,"Ġpieces":4667,"Ġwait":4668,"Ġgarland":4669,"Ġgrieve":4670,"Ġsky":4671,"Ġforbear":4672,"ĠPomfret":4673,"Ġdirect":4674,"Ġgroans":4675,"Ġthrice":4676,"Ġestate":4677,"erns":4678,"TYRR":4679,"Ġoppos":4680,"Ġdestroy":4681,"About":4682,"Ġurged":4683,"Ġaffections":4684,"Ġfamous":4685,"Ġhaply":4686,"DORSET":4687,"Supp":4688,"Ġlusty":4689,"Ġelder":4690,"Ġstudy":4691,"Ġcounterfeit":4692,"Gentlemen":4693,"Ġarrived":4694,"Ġbehalf":4695,"ĠMarshal":4696,"Ġavoid":4697,"Ġimprisonment":4698,"untsman":4699,"Ġrascal":4700,"Ġtreacherous":4701,"Ġconduct":4702,"Ġprotector":4703,"Ġspecial":4704,"Ġsanctuary":4705,"Ġperpetual":4706,"Ġgrievous":4707,"AEdile":4708,"Ġvirgin":4709,"Ġjourney":4710,"DINAND":4711,"FERDINAND":4712,"atcliff":4713,"ĠConspir":4714,"ALONSO":4715,"TYRREL":4716,";--":4717,"Acc":4718,"Bring":4719,"Coriol":4720,"Keep":4721,"Leave":4722,"Makes":4723,"Vols":4724,"af":4725,"cure":4726,"des":4727,"dig":4728,"eat":4729,"erer":4730,"fess":4731,"fellow":4732,"faced":4733,"grim":4734,"groom":4735,"ib":4736,"iving":4737,"ienn":4738,"lanch":4739,"master":4740,"mory":4741,"maid":4742,"nal":4743,"sha":4744,"ser":4745,"some":4746,"ties":4747,"upt":4748,"vior":4749,"wear":4750,"xeter":4751,"zz":4752,"Ġz":4753,"Ġing":4754,"ĠThen":4755,"Ġtask":4756,"Ġach":4757,"Ġapt":4758,"Ġaunt":4759,"Ġsy":4760,"Ġsal":4761,"Ġsire":4762,"Ġmult":4763,"Ġmaintain":4764,"Ġwing":4765,"Ġwide":4766,"Ġwhip":4767,"Ġwaking":4768,"reen":4769,"Ġbade":4770,"isbury":4771,"Ġfi":4772,"Ġfood":4773,"Ġfrow":4774,"Ġfun":4775,"Ġfeet":4776,"Ġfires":4777,"Ġfancy":4778,"erity":4779,"erby":4780,"itation":4781,"onci":4782,"Ġdow":4783,"Ġdim":4784,"Ġdri":4785,"Ġdying":4786,"Ġcher":4787,"Ġcaught":4788,"Ġcere":4789,"esar":4790,"essel":4791,"enant":4792,"Ġnail":4793,"Ġlin":4794,"Ġyond":4795,"Ġyoke":4796,"Ġthird":4797,"Ġhor":4798,"Ġhie":4799,"Ġpi":4800,"Ġpot":4801,"Ġpound":4802,"Ġpurse":4803,"Ġpier":4804,"vet":4805,"ative":4806,"sell":4807,"Ġinqu":4808,"etite":4809,"eder":4810,"utenant":4811,"Ġmelt":4812,"Ġmelanch":4813,"Ġfors":4814,"Ġforced":4815,"Ġforfeit":4816,"ourse":4817,"ourth":4818,"Ġevent":4819,"adv":4820,"aded":4821,"rick":4822,"Ġsting":4823,"Ġstro":4824,"Ġstout":4825,"Ġstret":4826,"Ġstroke":4827,"Ġreck":4828,"rac":4829,"ales":4830,"alisbury":4831,"Ġsore":4832,"Ġsooth":4833,"Ġdeceit":4834,"roll":4835,"ested":4836,"earer":4837,"amb":4838,"ams":4839,"aming":4840,"Ġsees":4841,"Ġalliance":4842,"Ġsue":4843,"ruction":4844,"ellion":4845,"Ġsple":4846,"ilence":4847,"Ġknaves":4848,"Ġvessel":4849,"ulate":4850,"arts":4851,"nty":4852,"ĠExeter":4853,"icy":4854,"Ġconfe":4855,"Ġblunt":4856,"ĠGive":4857,"ares":4858,"ĠLe":4859,"Ġsaying":4860,"ĠSoldier":4861,"Ġunjust":4862,"Ġunhappy":4863,"ignty":4864,"LIS":4865,"Ġgraves":4866,"ĠWell":4867,"Ġenforce":4868,"deem":4869,"ĠAll":4870,"ĠAway":4871,"irect":4872,"harge":4873,"Ġoffended":4874,"Ġdissem":4875,"Ġdisgrace":4876,"Ġalack":4877,"Ġalike":4878,"Ġalthough":4879,"Ġabide":4880,"Ġaboard":4881,"Noble":4882,"Ġrose":4883,"Ġexchange":4884,"Soft":4885,"ages":4886,"Ġdesires":4887,"Ġdescend":4888,"Ġslaves":4889,"Ġflood":4890,"Ġflatt":4891,"Ġtwain":4892,"ĠTitus":4893,"Ġbetray":4894,"Ġbetimes":4895,"Ġnewly":4896,"Ġparting":4897,"Ġpartly":4898,"Ġcalled":4899,"Ġcommons":4900,"Ġcommission":4901,"Ġstanding":4902,"Ġclim":4903,"ĠDe":4904,"ĠDorset":4905,"ĠDerby":4906,"ullus":4907,"Ġwrink":4908,"Ġbearing":4909,"aints":4910,"Ġrare":4911,"thee":4912,"ĠFroth":4913,"Ġappeal":4914,"Ġappetite":4915,"Ġcontempt":4916,"Ġwhisper":4917,"Ġimage":4918,"ĠMarian":4919,"forced":4920,"Ġrust":4921,"Ġruled":4922,"Ġhousehold":4923,"Ġrestra":4924,"ercy":4925,"Ġsets":4926,"clam":4927,"osing":4928,"Ġresist":4929,"Ġtrick":4930,"Ġputs":4931,"Ġpowerful":4932,"Ġchase":4933,"Ġcharac":4934,"Ġsmell":4935,"Ġtreasure":4936,"Ġbrace":4937,"iety":4938,"Ġmistrust":4939,"Ġnative":4940,"Ġboys":4941,"Ġweeps":4942,"Ġpatricians":4943,"Ġbelow":4944,"Lords":4945,"Ġfalsehood":4946,"Ġsovereignty":4947,"ouchs":4948,"Ġassure":4949,"Ġsecure":4950,"Twere":4951,"Ġsometimes":4952,"Ġoaths":4953,"Ġmerit":4954,"upon":4955,"Ġfaithful":4956,"Ġdefence":4957,"Ġaffli":4958,"Ġsurely":4959,"should":4960,"Ġsilent":4961,"Ġinstruments":4962,"Cannot":4963,"Ġbeholding":4964,"Ġreconci":4965,"Ġago":4966,"Ġagree":4967,"Ġcorre":4968,"Ġsingle":4969,"Ġbreathed":4970,"Ġforgive":4971,"Ġweakness":4972,"Ġprett":4973,"Ġsickness":4974,"Ġregal":4975,"Ġregard":4976,"Ġmouths":4977,"Ġbooks":4978,"Ġbarren":4979,"Ġbeasts":4980,"Ġtrumpet":4981,"eeming":4982,"Ġpitch":4983,"Ġshield":4984,"Ġunkind":4985,"Ġtempest":4986,"Ġsuspect":4987,"Ġobedient":4988,"Ġreverence":4989,"Ġapparent":4990,"Ġentertainment":4991,"ĠAnti":4992,"Ġdetermined":4993,"Ġhelm":4994,"Ġgently":4995,"Ġholp":4996,"Ġfairest":4997,"Ġtremble":4998,"shire":4999}
model.py ADDED
@@ -0,0 +1,136 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ import torch
3
+ import torch.nn as nn
4
+ import torch.nn.functional as F
5
+ import math
6
+
7
+ class RMSNorm(nn.Module):
8
+ def __init__(self, dim, eps=1e-5):
9
+ super().__init__()
10
+ self.eps = eps
11
+ self.weight = nn.Parameter(torch.ones(dim))
12
+
13
+ def forward(self, x):
14
+ mean_square = (x.pow(2).mean(-1, keepdim=True))
15
+ x = x * torch.rsqrt(mean_square + self.eps)
16
+ return self.weight * x
17
+
18
+ def rotate_half(x):
19
+ # Rotates half the hidden dims of the input.
20
+ x1 = x[..., : x.shape[-1] // 2]
21
+ x2 = x[..., x.shape[-1] // 2 :]
22
+ return torch.cat((-x2, x1), dim=-1)
23
+
24
+ def apply_rotary_pos_emb(q, k, cos, sin):
25
+ # q, k: [bsz, heads, seq_len, head_dim]
26
+ # cos, sin: [seq_len, head_dim] -> unsqueeze to [1, 1, seq_len, head_dim]
27
+ cos = cos.unsqueeze(0).unsqueeze(0)
28
+ sin = sin.unsqueeze(0).unsqueeze(0)
29
+
30
+ q_embed = (q * cos) + (rotate_half(q) * sin)
31
+ k_embed = (k * cos) + (rotate_half(k) * sin)
32
+ return q_embed, k_embed
33
+
34
+ class MLP(nn.Module):
35
+ def __init__(self, config):
36
+ super().__init__()
37
+ self.gate_proj = nn.Linear(config.hidden_size, config.intermediate_size, bias=False)
38
+ self.up_proj = nn.Linear(config.hidden_size, config.intermediate_size, bias=False)
39
+ self.down_proj = nn.Linear(config.intermediate_size, config.hidden_size, bias=False)
40
+ self.act_fn = nn.SiLU()
41
+
42
+ def forward(self, x):
43
+ return self.down_proj(self.act_fn(self.gate_proj(x)) * self.up_proj(x))
44
+
45
+ class Attention(nn.Module):
46
+ def __init__(self, config):
47
+ super().__init__()
48
+ self.hidden_size = config.hidden_size
49
+ self.num_heads = config.num_attention_heads
50
+ self.head_dim = config.hidden_size // config.num_attention_heads
51
+ self.num_key_value_heads = config.num_key_value_heads
52
+ self.num_key_value_groups = self.num_heads // self.num_key_value_heads
53
+
54
+ self.q_proj = nn.Linear(config.hidden_size, self.num_heads * self.head_dim, bias=False)
55
+ self.k_proj = nn.Linear(config.hidden_size, self.num_key_value_heads * self.head_dim, bias=False)
56
+ self.v_proj = nn.Linear(config.hidden_size, self.num_key_value_heads * self.head_dim, bias=False)
57
+ self.o_proj = nn.Linear(self.num_heads * self.head_dim, config.hidden_size, bias=False)
58
+
59
+ def forward(self, x, cos, sin, mask=None):
60
+ bsz, seq_len, _ = x.shape
61
+ q = self.q_proj(x).view(bsz, seq_len, self.num_heads, self.head_dim).transpose(1, 2)
62
+ k = self.k_proj(x).view(bsz, seq_len, self.num_key_value_heads, self.head_dim).transpose(1, 2)
63
+ v = self.v_proj(x).view(bsz, seq_len, self.num_key_value_heads, self.head_dim).transpose(1, 2)
64
+
65
+ q, k = apply_rotary_pos_emb(q, k, cos, sin)
66
+
67
+ k = k.repeat_interleave(self.num_key_value_groups, dim=1)
68
+ v = v.repeat_interleave(self.num_key_value_groups, dim=1)
69
+
70
+ attn_weights = torch.matmul(q, k.transpose(2, 3)) / math.sqrt(self.head_dim)
71
+ if mask is not None:
72
+ attn_weights = attn_weights + mask
73
+
74
+ attn_weights = F.softmax(attn_weights, dim=-1)
75
+ output = torch.matmul(attn_weights, v)
76
+ output = output.transpose(1, 2).contiguous().view(bsz, seq_len, -1)
77
+ return self.o_proj(output)
78
+
79
+ class Block(nn.Module):
80
+ def __init__(self, config):
81
+ super().__init__()
82
+ self.self_attn = Attention(config)
83
+ self.mlp = MLP(config)
84
+ self.input_layernorm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps)
85
+ self.post_attention_layernorm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps)
86
+
87
+ def forward(self, x, cos, sin, mask=None):
88
+ h = x + self.self_attn(self.input_layernorm(x), cos, sin, mask)
89
+ out = h + self.mlp(self.post_attention_layernorm(h))
90
+ return out
91
+
92
+ class SmolLM2(nn.Module):
93
+ def __init__(self, config):
94
+ super().__init__()
95
+ self.config = config
96
+ self.embed_tokens = nn.Embedding(config.vocab_size, config.hidden_size)
97
+ self.layers = nn.ModuleList([Block(config) for _ in range(config.num_hidden_layers)])
98
+ self.norm = RMSNorm(config.hidden_size, eps=config.rms_norm_eps)
99
+ self.lm_head = nn.Linear(config.hidden_size, config.vocab_size, bias=False)
100
+
101
+ # RoPE setup
102
+ self.head_dim = config.hidden_size // config.num_attention_heads
103
+ self.rope_theta = getattr(config, "rope_theta", 10000.0)
104
+ self.inv_freq = 1.0 / (self.rope_theta ** (torch.arange(0, self.head_dim, 2).float() / self.head_dim))
105
+ self.max_pos = config.max_position_embeddings * 2
106
+ self._set_cos_sin_cache(self.max_pos)
107
+
108
+ def _set_cos_sin_cache(self, seq_len):
109
+ t = torch.arange(seq_len, dtype=torch.float32)
110
+ freqs = torch.outer(t, self.inv_freq)
111
+ emb = torch.cat((freqs, freqs), dim=-1)
112
+ self.register_buffer("cos_cached", emb.cos(), persistent=False)
113
+ self.register_buffer("sin_cached", emb.sin(), persistent=False)
114
+
115
+ def forward(self, input_ids):
116
+ bsz, seq_len = input_ids.shape
117
+ x = self.embed_tokens(input_ids)
118
+
119
+ if self.cos_cached.device != x.device or self.cos_cached.shape[0] < seq_len:
120
+ self.inv_freq = self.inv_freq.to(x.device)
121
+ self._set_cos_sin_cache(max(seq_len, 2048))
122
+
123
+ cos = self.cos_cached[:seq_len].to(dtype=x.dtype)
124
+ sin = self.sin_cached[:seq_len].to(dtype=x.dtype)
125
+
126
+ mask = None
127
+ if seq_len > 1:
128
+ mask = torch.full((seq_len, seq_len), float("-inf"), device=input_ids.device)
129
+ mask = torch.triu(mask, diagonal=1)
130
+
131
+ for layer in self.layers:
132
+ x = layer(x, cos, sin, mask)
133
+
134
+ x = self.norm(x)
135
+ logits = self.lm_head(x)
136
+ return logits
requirements.txt ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ torch
2
+ transformers
3
+ gradio==5.0.0
4
+ tokenizers