shawn-nyk commited on
Commit
dc79cad
1 Parent(s): 306f677

Add language model

Browse files
README.md ADDED
@@ -0,0 +1,128 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ language: en
3
+ datasets:
4
+ - librispeech_asr
5
+ tags:
6
+ - audio
7
+ - automatic-speech-recognition
8
+ - hf-asr-leaderboard
9
+ license: apache-2.0
10
+ widget:
11
+ - example_title: Librispeech sample 1
12
+ src: https://cdn-media.huggingface.co/speech_samples/sample1.flac
13
+ - example_title: Librispeech sample 2
14
+ src: https://cdn-media.huggingface.co/speech_samples/sample2.flac
15
+ model-index:
16
+ - name: wav2vec2-base-960h
17
+ results:
18
+ - task:
19
+ name: Automatic Speech Recognition
20
+ type: automatic-speech-recognition
21
+ dataset:
22
+ name: LibriSpeech (clean)
23
+ type: librispeech_asr
24
+ config: clean
25
+ split: test
26
+ args:
27
+ language: en
28
+ metrics:
29
+ - name: Test WER
30
+ type: wer
31
+ value: 3.4
32
+ - task:
33
+ name: Automatic Speech Recognition
34
+ type: automatic-speech-recognition
35
+ dataset:
36
+ name: LibriSpeech (other)
37
+ type: librispeech_asr
38
+ config: other
39
+ split: test
40
+ args:
41
+ language: en
42
+ metrics:
43
+ - name: Test WER
44
+ type: wer
45
+ value: 8.6
46
+ ---
47
+
48
+ # Wav2Vec2-Base-960h
49
+
50
+ [Facebook's Wav2Vec2](https://ai.facebook.com/blog/wav2vec-20-learning-the-structure-of-speech-from-raw-audio/)
51
+
52
+ The base model pretrained and fine-tuned on 960 hours of Librispeech on 16kHz sampled speech audio. When using the model
53
+ make sure that your speech input is also sampled at 16Khz.
54
+
55
+ [Paper](https://arxiv.org/abs/2006.11477)
56
+
57
+ Authors: Alexei Baevski, Henry Zhou, Abdelrahman Mohamed, Michael Auli
58
+
59
+ **Abstract**
60
+
61
+ We show for the first time that learning powerful representations from speech audio alone followed by fine-tuning on transcribed speech can outperform the best semi-supervised methods while being conceptually simpler. wav2vec 2.0 masks the speech input in the latent space and solves a contrastive task defined over a quantization of the latent representations which are jointly learned. Experiments using all labeled data of Librispeech achieve 1.8/3.3 WER on the clean/other test sets. When lowering the amount of labeled data to one hour, wav2vec 2.0 outperforms the previous state of the art on the 100 hour subset while using 100 times less labeled data. Using just ten minutes of labeled data and pre-training on 53k hours of unlabeled data still achieves 4.8/8.2 WER. This demonstrates the feasibility of speech recognition with limited amounts of labeled data.
62
+
63
+ The original model can be found under https://github.com/pytorch/fairseq/tree/master/examples/wav2vec#wav2vec-20.
64
+
65
+
66
+ # Usage
67
+
68
+ To transcribe audio files the model can be used as a standalone acoustic model as follows:
69
+
70
+ ```python
71
+ from transformers import Wav2Vec2Processor, Wav2Vec2ForCTC
72
+ from datasets import load_dataset
73
+ import torch
74
+
75
+ # load model and tokenizer
76
+ processor = Wav2Vec2Processor.from_pretrained("facebook/wav2vec2-base-960h")
77
+ model = Wav2Vec2ForCTC.from_pretrained("facebook/wav2vec2-base-960h")
78
+
79
+ # load dummy dataset and read soundfiles
80
+ ds = load_dataset("patrickvonplaten/librispeech_asr_dummy", "clean", split="validation")
81
+
82
+ # tokenize
83
+ input_values = processor(ds[0]["audio"]["array"], return_tensors="pt", padding="longest").input_values # Batch size 1
84
+
85
+ # retrieve logits
86
+ logits = model(input_values).logits
87
+
88
+ # take argmax and decode
89
+ predicted_ids = torch.argmax(logits, dim=-1)
90
+ transcription = processor.batch_decode(predicted_ids)
91
+ ```
92
+
93
+ ## Evaluation
94
+
95
+ This code snippet shows how to evaluate **facebook/wav2vec2-base-960h** on LibriSpeech's "clean" and "other" test data.
96
+
97
+ ```python
98
+ from datasets import load_dataset
99
+ from transformers import Wav2Vec2ForCTC, Wav2Vec2Processor
100
+ import torch
101
+ from jiwer import wer
102
+
103
+
104
+ librispeech_eval = load_dataset("librispeech_asr", "clean", split="test")
105
+
106
+ model = Wav2Vec2ForCTC.from_pretrained("facebook/wav2vec2-base-960h").to("cuda")
107
+ processor = Wav2Vec2Processor.from_pretrained("facebook/wav2vec2-base-960h")
108
+
109
+ def map_to_pred(batch):
110
+ input_values = processor(batch["audio"]["array"], return_tensors="pt", padding="longest").input_values
111
+ with torch.no_grad():
112
+ logits = model(input_values.to("cuda")).logits
113
+
114
+ predicted_ids = torch.argmax(logits, dim=-1)
115
+ transcription = processor.batch_decode(predicted_ids)
116
+ batch["transcription"] = transcription
117
+ return batch
118
+
119
+ result = librispeech_eval.map(map_to_pred, batched=True, batch_size=1, remove_columns=["audio"])
120
+
121
+ print("WER:", wer(result["text"], result["transcription"]))
122
+ ```
123
+
124
+ *Result (WER)*:
125
+
126
+ | "clean" | "other" |
127
+ |---|---|
128
+ | 3.4 | 8.6 |
alphabet.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"labels": ["", "<s>", "</s>", "\u2047", " ", "E", "T", "A", "O", "N", "I", "H", "S", "R", "D", "L", "U", "M", "W", "C", "F", "G", "Y", "P", "B", "V", "K", "'", "X", "J", "Q", "Z"], "is_bpe": false}
config.json ADDED
@@ -0,0 +1,77 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "facebook/wav2vec2-base-960h",
3
+ "activation_dropout": 0.1,
4
+ "apply_spec_augment": true,
5
+ "architectures": [
6
+ "Wav2Vec2ForCTC"
7
+ ],
8
+ "attention_dropout": 0.1,
9
+ "bos_token_id": 1,
10
+ "codevector_dim": 256,
11
+ "contrastive_logits_temperature": 0.1,
12
+ "conv_bias": false,
13
+ "conv_dim": [
14
+ 512,
15
+ 512,
16
+ 512,
17
+ 512,
18
+ 512,
19
+ 512,
20
+ 512
21
+ ],
22
+ "conv_kernel": [
23
+ 10,
24
+ 3,
25
+ 3,
26
+ 3,
27
+ 3,
28
+ 2,
29
+ 2
30
+ ],
31
+ "conv_stride": [
32
+ 5,
33
+ 2,
34
+ 2,
35
+ 2,
36
+ 2,
37
+ 2,
38
+ 2
39
+ ],
40
+ "ctc_loss_reduction": "sum",
41
+ "ctc_zero_infinity": false,
42
+ "diversity_loss_weight": 0.1,
43
+ "do_stable_layer_norm": false,
44
+ "eos_token_id": 2,
45
+ "feat_extract_activation": "gelu",
46
+ "feat_extract_dropout": 0.0,
47
+ "feat_extract_norm": "group",
48
+ "feat_proj_dropout": 0.1,
49
+ "feat_quantizer_dropout": 0.0,
50
+ "final_dropout": 0.1,
51
+ "gradient_checkpointing": false,
52
+ "hidden_act": "gelu",
53
+ "hidden_dropout": 0.1,
54
+ "hidden_dropout_prob": 0.1,
55
+ "hidden_size": 768,
56
+ "initializer_range": 0.02,
57
+ "intermediate_size": 3072,
58
+ "layer_norm_eps": 1e-05,
59
+ "layerdrop": 0.1,
60
+ "mask_feature_length": 10,
61
+ "mask_feature_prob": 0.0,
62
+ "mask_time_length": 10,
63
+ "mask_time_prob": 0.05,
64
+ "model_type": "wav2vec2",
65
+ "num_attention_heads": 12,
66
+ "num_codevector_groups": 2,
67
+ "num_codevectors_per_group": 320,
68
+ "num_conv_pos_embedding_groups": 16,
69
+ "num_conv_pos_embeddings": 128,
70
+ "num_feat_extract_layers": 7,
71
+ "num_hidden_layers": 12,
72
+ "num_negatives": 100,
73
+ "pad_token_id": 0,
74
+ "proj_codevector_dim": 256,
75
+ "transformers_version": "4.7.0.dev0",
76
+ "vocab_size": 32
77
+ }
feature_extractor_config.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "do_normalize": true,
3
+ "feature_dim": 1,
4
+ "padding_side": "right",
5
+ "padding_value": 0.0,
6
+ "return_attention_mask": false,
7
+ "sampling_rate": 16000
8
+ }
language_model/attrs.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"alpha": 0.5, "beta": 1.5, "unk_score_offset": -10.0, "score_boundary": true}
language_model/shkspr_lm.arpa ADDED
The diff for this file is too large to render. See raw diff
 
language_model/unigrams.txt ADDED
@@ -0,0 +1,7605 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ "'Tis
2
+ "A
3
+ "A-down
4
+ "And,
5
+ "Before
6
+ "By
7
+ "Call
8
+ "Choose
9
+ "Father,"
10
+ "For
11
+ "Forgive
12
+ "Good
13
+ "Hamlet,"
14
+ "I
15
+ "If
16
+ "Jephthah,"
17
+ "King,"
18
+ "Laertes
19
+ "Let
20
+ "Lord
21
+ "Mad"
22
+ "Mobled
23
+ "Naked"--
24
+ "Now
25
+ "Royal
26
+ "Seems,"
27
+ "So
28
+ "The
29
+ "There
30
+ "This
31
+ "Thus
32
+ "We
33
+ "Well,
34
+ "While
35
+ "Who
36
+ "a
37
+ "adieu,
38
+ "alone."
39
+ "and
40
+ "beautified"
41
+ "carriages"?
42
+ "closes
43
+ "cuckold"
44
+ "dead
45
+ "fashion"
46
+ "friend,
47
+ "friend,"
48
+ "gentleman,"
49
+ "gentleman."
50
+ "hangers"
51
+ "impawned,"
52
+ "lord,"
53
+ "man
54
+ "not
55
+ "one."
56
+ "seem,"
57
+ "seems."
58
+ "should"
59
+ "strangely"?
60
+ "tenders,"
61
+ "th'
62
+ "thing,"
63
+ "villain"?
64
+ "would"
65
+ 'Fore
66
+ 'Gainst
67
+ 'Sblood,
68
+ 'Swounds,
69
+ 'Tis
70
+ 'Twas
71
+ 'Twere
72
+ 'Twill
73
+ 'a
74
+ 'em?
75
+ 'gainst
76
+ 'gins
77
+ 'lt
78
+ 'pear
79
+ 'quest
80
+ 'r
81
+ 'rt
82
+ 's
83
+ 'scape
84
+ 'scapes
85
+ 'scrimers
86
+ 'stonish
87
+ 't
88
+ 't!
89
+ 't,
90
+ 't--
91
+ 't--crowner's
92
+ 't.
93
+ 't.--Will
94
+ 't:
95
+ 't;
96
+ 't?
97
+ 'tis
98
+ 'tis,
99
+ 'twas
100
+ 'tween
101
+ 'twere
102
+ 'twere,
103
+ 'twere--I
104
+ 'twill
105
+ 'twixt
106
+ 'twould
107
+ ('Tis
108
+ (A
109
+ (As
110
+ (For
111
+ (I
112
+ (Let
113
+ (My
114
+ (No
115
+ (O
116
+ (Oft
117
+ (Or
118
+ (Unless
119
+ (Which
120
+ (a
121
+ (and
122
+ (as
123
+ (each
124
+ (first
125
+ (have
126
+ (if
127
+ (not
128
+ (rich,
129
+ (so
130
+ (wherein
131
+ (will
132
+ (would
133
+ ...
134
+ 0.9.2
135
+ 1
136
+ 2
137
+ 2015,
138
+ 3
139
+ 31,
140
+ 4
141
+ 5
142
+ 6
143
+ 7
144
+ </s>
145
+ <s>
146
+ <title>The
147
+ =====
148
+ =======
149
+ ======================
150
+ A
151
+ A.
152
+ ACT
153
+ ALL
154
+ AMBASSADOR
155
+ Aboard,
156
+ About
157
+ About,
158
+ Absent
159
+ Abuses
160
+ According
161
+ Acts
162
+ Adam
163
+ Adam's
164
+ Addicted
165
+ Adieu,
166
+ Adieu.
167
+ Admit
168
+ Aeneas'
169
+ Affection,
170
+ Affront
171
+ After
172
+ Against
173
+ Ah
174
+ Ah,
175
+ Alack
176
+ Alack,
177
+ Alas,
178
+ Alexander
179
+ All
180
+ Almost
181
+ Am
182
+ Ambassadors
183
+ Among
184
+ An
185
+ And
186
+ And,
187
+ Angels
188
+ Anon
189
+ Anon,
190
+ Another
191
+ Another.]
192
+ Answer,
193
+ Antiquity
194
+ Anything
195
+ Appears
196
+ Are
197
+ Argal,
198
+ Arm
199
+ Armed
200
+ Armed,
201
+ Aroused
202
+ Art
203
+ As
204
+ Assume
205
+ At
206
+ Attend!
207
+ Attendants,
208
+ Attendants.]
209
+ Attends
210
+ Awake
211
+ Away!
212
+ Away,
213
+ Ay
214
+ Ay,
215
+ BARNARDO
216
+ BARNARDO/MARCELLUS
217
+ Baked
218
+ Baptista.
219
+ Barbara
220
+ Barbary
221
+ Barnardo
222
+ Barnardo,
223
+ Barnardo.
224
+ Barnardo.]
225
+ Barnardo?
226
+ Be
227
+ Bear
228
+ Bears
229
+ Becomes
230
+ Been
231
+ Before
232
+ Beggar
233
+ Behind
234
+ Being
235
+ Believe
236
+ Belike
237
+ Besides,
238
+ Bestial
239
+ Bestow
240
+ Between
241
+ Beware
242
+ Bid
243
+ Black
244
+ Blasted
245
+ Blasting
246
+ Bloody,
247
+ Both
248
+ Bow,
249
+ Break
250
+ Breathing
251
+ Brief
252
+ Bring
253
+ Brutus
254
+ Burn
255
+ But
256
+ But,
257
+ Buys
258
+ Buzz,
259
+ By
260
+ CAPTAIN
261
+ CLAUDIUS,
262
+ CORNELIUS
263
+ CORNELIUS/VOLTEMAND
264
+ Caesar,
265
+ Caesar.
266
+ Cain's
267
+ Call
268
+ Calls
269
+ Calmly,
270
+ Came
271
+ Can
272
+ Cannot
273
+ Canst
274
+ Capitol.
275
+ Caps,
276
+ Captain
277
+ Captain,
278
+ Carrying,
279
+ Carve
280
+ Characters
281
+ Charity,
282
+ Christian
283
+ Christian,
284
+ Christians
285
+ Christians'
286
+ Clamb'ring
287
+ Claudio.
288
+ Claudius
289
+ Claudius,
290
+ Claudius]
291
+ Cock,
292
+ Colleagued
293
+ Collected
294
+ Colors,
295
+ Com'st
296
+ Come
297
+ Come,
298
+ Come.
299
+ Comes
300
+ Compounded
301
+ Conceit
302
+ Conception
303
+ Confederate
304
+ Confess
305
+ Confound
306
+ Conjures
307
+ Conscience
308
+ Consent
309
+ Contagion
310
+ Contagious
311
+ Convert
312
+ Cornelius
313
+ Cornelius,
314
+ Cornelius.]
315
+ Costly
316
+ Couch
317
+ Could
318
+ Council,
319
+ Courtiers
320
+ Cousin
321
+ Craves
322
+ Created
323
+ Cries
324
+ Cry
325
+ Cudgel
326
+ Custom
327
+ Cut
328
+ Cyclops'
329
+ DOCTOR
330
+ Damon
331
+ Dane
332
+ Dane,
333
+ Dane.
334
+ Dane."
335
+ Dangerous
336
+ Danish
337
+ Danish.
338
+ Danskers
339
+ Dared
340
+ Dead
341
+ Dead.
342
+ Dear
343
+ Death,
344
+ Delay
345
+ Deliberate
346
+ Denmark
347
+ Denmark's
348
+ Denmark,
349
+ Denmark.
350
+ Denmark.--Madam,
351
+ Denmark?
352
+ Denmark?--What,
353
+ Deprived
354
+ Devised
355
+ Devoutly
356
+ Did
357
+ Dido,
358
+ Didst
359
+ Dies
360
+ Directly
361
+ Disasters
362
+ Discomfort
363
+ Diseases
364
+ Divided
365
+ Divinity
366
+ Divinity.]
367
+ Do
368
+ Do,
369
+ Doctor
370
+ Does
371
+ Doomed
372
+ Dost
373
+ Doth
374
+ Doubt
375
+ Drink
376
+ Drowned,
377
+ Drowned?
378
+ Drum,
379
+ Drums,
380
+ Drums.
381
+ Dumb
382
+ E'en
383
+ Each
384
+ Ears
385
+ Earth
386
+ Earth!
387
+ Earth,
388
+ Eats
389
+ Ecstasy?
390
+ Edited
391
+ Else
392
+ Elsinore.
393
+ Elsinore?
394
+ England
395
+ England's
396
+ England,
397
+ England--if
398
+ England.
399
+ England;
400
+ England?
401
+ English
402
+ Enter
403
+ Ere
404
+ Even
405
+ Everlasting
406
+ Every
407
+ Examples
408
+ Exceedingly,
409
+ Excellent
410
+ Excellent,
411
+ Exchange
412
+ Excitements
413
+ Exposing
414
+ Extorted
415
+ Eyes
416
+ FDT
417
+ FIRST
418
+ FORTINBRAS
419
+ FORTINBRAS,
420
+ FRANCISCO
421
+ Faith,
422
+ Fall
423
+ Fall'n
424
+ Fare
425
+ Farewell,
426
+ Farewell.
427
+ Father
428
+ Fear
429
+ Feeds
430
+ Fell
431
+ Fie
432
+ Fie,
433
+ Finding
434
+ Fingered
435
+ First
436
+ Fixed
437
+ Foh!
438
+ Folded
439
+ Folger
440
+ Follow
441
+ Followers,
442
+ For
443
+ For,
444
+ Fordo
445
+ Forgive
446
+ Form
447
+ Forth
448
+ Fortinbras
449
+ Fortinbras's
450
+ Fortinbras,
451
+ Fortinbras.
452
+ Fortinbras;
453
+ Fortune
454
+ Fortune!
455
+ Fortune's
456
+ Fortune?
457
+ Forty
458
+ Forward,
459
+ Foul
460
+ France
461
+ France,
462
+ Francisco,
463
+ Francisco.
464
+ Free
465
+ French
466
+ French,
467
+ Frenchman
468
+ Friends
469
+ From
470
+ Full
471
+ GENTLEMAN
472
+ GENTLEMEN,
473
+ GERTRUDE,
474
+ GHOST
475
+ GHOST,
476
+ GRAVEDIGGER
477
+ GUILDENSTERN
478
+ Gentleman.]
479
+ Gentlemen
480
+ Gentlemen!
481
+ Gentlemen,
482
+ Gertrude
483
+ Gertrude,
484
+ Gertrude.
485
+ Gertrude.--
486
+ Gertrude?
487
+ Get
488
+ Ghost
489
+ Ghost.]
490
+ Gis
491
+ Give
492
+ Given
493
+ Gives
494
+ Giving
495
+ Go
496
+ Go,
497
+ God
498
+ God!
499
+ God's
500
+ God,
501
+ God-a-mercy.
502
+ God.
503
+ God?
504
+ Goes
505
+ Gonzago
506
+ Gonzago"?
507
+ Gonzago's
508
+ Gonzago.
509
+ Gonzago</title>
510
+ Good
511
+ Good.
512
+ Govern
513
+ Grace
514
+ Grapple
515
+ Grating
516
+ Gravedigger
517
+ Gravedigger's
518
+ Greeks.
519
+ Grief
520
+ Groped
521
+ Grows
522
+ Guards,
523
+ Guildenstern
524
+ Guildenstern!
525
+ Guildenstern,
526
+ Guildenstern.
527
+ Guildenstern.]
528
+ Guildenstern?
529
+ Guildenstern]
530
+ HAMLET
531
+ HAMLET,
532
+ HORATIO
533
+ HORATIO,
534
+ HORATIO/MARCELLUS
535
+ Ha!
536
+ Ha,
537
+ Had
538
+ Hadst
539
+ Hail
540
+ Half
541
+ Hamlet
542
+ Hamlet!
543
+ Hamlet's
544
+ Hamlet's.]
545
+ Hamlet,
546
+ Hamlet.
547
+ Hamlet."
548
+ Hamlet.]
549
+ Hamlet;
550
+ Hamlet?
551
+ Hamlet]
552
+ Haply
553
+ Happy
554
+ Hark
555
+ Has
556
+ Hast
557
+ Haste
558
+ Hath
559
+ Hath,
560
+ Have
561
+ Have,
562
+ Having
563
+ Hazard
564
+ He
565
+ He's
566
+ He,
567
+ He.
568
+ Head
569
+ Hear
570
+ Heartily
571
+ Heaven
572
+ Heaven's
573
+ Heavenly
574
+ Heavens
575
+ Hecate's
576
+ Hecuba
577
+ Hecuba!
578
+ Hecuba,
579
+ Hecuba.
580
+ Help!
581
+ Help,
582
+ Her
583
+ Hercules
584
+ Hercules.
585
+ Here
586
+ Here's
587
+ Here,
588
+ Herod.
589
+ Hey
590
+ Hic
591
+ Hide
592
+ High
593
+ Highness.
594
+ Hillo,
595
+ Him
596
+ Him.
597
+ Himself
598
+ His
599
+ Ho!
600
+ Hoist
601
+ Hold
602
+ Hold,
603
+ Holding
604
+ Holds
605
+ Holla,
606
+ Honest,
607
+ Honor
608
+ Honor.
609
+ Honored,
610
+ Horatio
611
+ Horatio!
612
+ Horatio,
613
+ Horatio--a
614
+ Horatio--or
615
+ Horatio.
616
+ Horatio.--Welcome,
617
+ Horatio.--Wretched
618
+ Horatio.]
619
+ Horatio?--
620
+ Horatio]
621
+ How
622
+ Howe'er
623
+ Hum,
624
+ Hunts
625
+ Hymen
626
+ Hyperion
627
+ Hyperion's
628
+ Hyrcanian
629
+ I
630
+ I!
631
+ I'll
632
+ I,
633
+ I.
634
+ I?
635
+ If
636
+ If,
637
+ Ilium,
638
+ Illo,
639
+ Impart.
640
+ Imperious
641
+ Importing
642
+ In
643
+ Indeed
644
+ Indeed,
645
+ Infects
646
+ Inquire
647
+ Into
648
+ Is
649
+ Israel,
650
+ It
651
+ Italian.
652
+ Itself
653
+ Jephthah,
654
+ Jephthah?
655
+ John-a-dreams,
656
+ Jove
657
+ Judgment!
658
+ Jul
659
+ Julius
660
+ KING
661
+ KING,
662
+ Keep
663
+ Keeps
664
+ Kettle
665
+ King
666
+ King!
667
+ King's
668
+ King,
669
+ King.
670
+ King.]
671
+ King?
672
+ King]
673
+ Know
674
+ LAERTES
675
+ LAERTES,
676
+ LORD
677
+ LUCIANUS
678
+ Lady
679
+ Lady,
680
+ Ladyship
681
+ Laertes
682
+ Laertes!
683
+ Laertes'
684
+ Laertes's
685
+ Laertes,
686
+ Laertes--believe
687
+ Laertes.
688
+ Laertes.]
689
+ Laertes;
690
+ Laertes?
691
+ Laertes]
692
+ Lamord.
693
+ Larded
694
+ Last
695
+ Last,
696
+ Lay
697
+ Leave
698
+ Led
699
+ Lends
700
+ Lenten
701
+ Lest
702
+ Let
703
+ Let's
704
+ Lethe
705
+ Letters,
706
+ Library
707
+ Lights,
708
+ Like
709
+ List,
710
+ Lives
711
+ Lo,
712
+ Long
713
+ Longer,
714
+ Look
715
+ Look,
716
+ Looking
717
+ Looks
718
+ Lord
719
+ Lord,
720
+ Lord.]
721
+ Lords
722
+ Lords,
723
+ Lords.]
724
+ Lordship
725
+ Lordship.
726
+ Lordship;
727
+ Lordship?
728
+ Lost
729
+ Love?
730
+ Lucianus
731
+ Lucianus,
732
+ Lucianus.]
733
+ MARCELLUS
734
+ MARCELLUS,
735
+ MESSENGER
736
+ Mad
737
+ Madam,
738
+ Madness
739
+ Majesties
740
+ Majesty
741
+ Majesty,
742
+ Majesty.
743
+ Make
744
+ Makes
745
+ Making
746
+ Man
747
+ Marcellus
748
+ Marcellus,
749
+ Marcellus.
750
+ Marcellus.]
751
+ Marcellus?
752
+ Mark
753
+ Mark.
754
+ Marry,
755
+ Mars'
756
+ Mars's
757
+ Mass,
758
+ Masters,
759
+ May
760
+ May,
761
+ May;
762
+ Meantime,
763
+ Meet
764
+ Mercury
765
+ Messenger
766
+ Messenger.]
767
+ Messengers
768
+ Methinks
769
+ Methought
770
+ Michael
771
+ Might
772
+ Might,
773
+ Millions
774
+ Mine
775
+ Mine,
776
+ Monday
777
+ More
778
+ Moreover
779
+ Most
780
+ Mother,
781
+ Mousetrap."
782
+ Mowat
783
+ Much
784
+ Murder
785
+ Murder?
786
+ Musicians,
787
+ Must
788
+ Must,
789
+ My
790
+ Nature
791
+ Nay,
792
+ Neither
793
+ Neither,
794
+ Nemean
795
+ Neptune's
796
+ Nero
797
+ Never
798
+ New-lighted
799
+ Next,
800
+ Niggard
801
+ Niles
802
+ Niobe,
803
+ No
804
+ No,
805
+ No.
806
+ None
807
+ None,
808
+ Nor
809
+ Norman
810
+ Norman.
811
+ Normandy.
812
+ Norway
813
+ Norway,
814
+ Norway?
815
+ Not
816
+ Nothing
817
+ Nothing.
818
+ Now
819
+ Now,
820
+ O
821
+ O!
822
+ O'er
823
+ O'erbears
824
+ O'ermaster
825
+ O,
826
+ OPHELIA
827
+ OSRIC
828
+ OTHER
829
+ Observe
830
+ Occasion
831
+ Of
832
+ Offense's
833
+ Officers
834
+ Oh,
835
+ Old
836
+ Olympus.
837
+ On
838
+ Once
839
+ One
840
+ One.
841
+ Ophelia
842
+ Ophelia!
843
+ Ophelia,
844
+ Ophelia--
845
+ Ophelia.
846
+ Ophelia.--Nymph,
847
+ Ophelia.]
848
+ Ophelia;
849
+ Ophelia?
850
+ Or
851
+ Or,
852
+ Osric
853
+ Osric,
854
+ Osric.
855
+ Osric.]
856
+ Osric]
857
+ Ossa
858
+ Other
859
+ Our
860
+ Out
861
+ Out,
862
+ Over
863
+ PLAYER
864
+ POLONIUS
865
+ POLONIUS,
866
+ PROLOGUE
867
+ Pah!
868
+ Pale
869
+ Paris;
870
+ Part
871
+ Passing
872
+ Patrick,
873
+ Paul
874
+ Pays
875
+ Peace,
876
+ Pelion
877
+ Perchance
878
+ Perhaps
879
+ Perpend.
880
+ Phoebus'
881
+ Pinch
882
+ Pity
883
+ Plautus
884
+ Play
885
+ Player
886
+ Player.]
887
+ Players
888
+ Players.]
889
+ Pleasant
890
+ Pluck
891
+ Plucks
892
+ Polack
893
+ Polack,
894
+ Polacks
895
+ Poland,
896
+ Poland.
897
+ Pole
898
+ Polonius
899
+ Polonius'
900
+ Polonius,
901
+ Polonius.]
902
+ Polonius?
903
+ Polonius]
904
+ Popped
905
+ Possess
906
+ Poston
907
+ Pox,
908
+ Pray
909
+ Pretty
910
+ Priam
911
+ Priam's
912
+ Priam,
913
+ Priam.
914
+ Prince
915
+ Prison,
916
+ Prithee
917
+ Prithee,
918
+ Proclaim
919
+ Prologue,
920
+ Prologue.]
921
+ Prompted
922
+ Pronounce.
923
+ Propose
924
+ Provincial
925
+ Pulled
926
+ Purpose
927
+ Pursued
928
+ Put
929
+ Pyrrhus
930
+ Pyrrhus'
931
+ Pyrrhus,
932
+ Pyrrhus:
933
+ QUEEN
934
+ Quarreling,
935
+ Queen
936
+ Queen,
937
+ Queen.
938
+ Queen.]
939
+ Queen?
940
+ Queen]
941
+ Quite
942
+ Quoth
943
+ REYNALDO
944
+ REYNALDO,
945
+ ROSENCRANTZ
946
+ ROSENCRANTZ,
947
+ ROSENCRANTZ/GUILDENSTERN
948
+ Rankly
949
+ Rapier
950
+ Rashly--
951
+ Read
952
+ Rebecca
953
+ Rebellious
954
+ Receives
955
+ Refrain
956
+ Remember
957
+ Remorseless,
958
+ Repast
959
+ Repent
960
+ Repugnant
961
+ Requite
962
+ Resembles
963
+ Respeaking
964
+ Rest,
965
+ Revenge
966
+ Revisits
967
+ Reynaldo,
968
+ Reynaldo.
969
+ Reynaldo.]
970
+ Reynaldo?
971
+ Rhenish
972
+ Rich
973
+ Richer
974
+ Rightly
975
+ Roasted
976
+ Robin
977
+ Roman
978
+ Rome,
979
+ Rome--
980
+ Roscius
981
+ Rosencrantz
982
+ Rosencrantz!
983
+ Rosencrantz,
984
+ Rosencrantz.
985
+ Rosencrantz.]
986
+ Rough-hew
987
+ Roughly
988
+ Run
989
+ Running
990
+ SAILOR
991
+ Safely
992
+ Sailors
993
+ Sailors,
994
+ Sailors.]
995
+ Saint
996
+ Save
997
+ Savior's
998
+ Saw
999
+ Say
1000
+ Say,
1001
+ Scene
1002
+ Seafaring
1003
+ Season
1004
+ See
1005
+ See,
1006
+ Seek
1007
+ Seem
1008
+ Seeming
1009
+ Send
1010
+ Seneca
1011
+ Sense
1012
+ Set
1013
+ Shakespeare
1014
+ Shall
1015
+ Shards,
1016
+ Sharked
1017
+ She
1018
+ She,
1019
+ Should
1020
+ Show
1021
+ Shows
1022
+ Since
1023
+ Singeing
1024
+ Sir,
1025
+ Sir?
1026
+ Sit
1027
+ Sith
1028
+ Sits
1029
+ Six
1030
+ Slanders,
1031
+ Sleep
1032
+ Sleeping
1033
+ So
1034
+ So,
1035
+ Soft,
1036
+ Soil
1037
+ Soldiers,
1038
+ Some
1039
+ Something
1040
+ Speak
1041
+ Speak,
1042
+ Speak.
1043
+ Sport
1044
+ Sprinkle
1045
+ Sprung
1046
+ Spurns
1047
+ Stand
1048
+ Start
1049
+ Stay
1050
+ Stay!
1051
+ Stay,
1052
+ Stayed
1053
+ Stewed
1054
+ Stick
1055
+ Still
1056
+ Stood
1057
+ Stoops
1058
+ Strengthen
1059
+ Striking
1060
+ Subscribed
1061
+ Such
1062
+ Such-a-one
1063
+ Such-a-one's
1064
+ Suit
1065
+ Sunday
1066
+ Sundays.
1067
+ Sure
1068
+ Swear
1069
+ Swear.
1070
+ Sweet
1071
+ Sweet,
1072
+ Sweets
1073
+ Switzers?
1074
+ T'
1075
+ THE
1076
+ Taint
1077
+ Take
1078
+ Taken
1079
+ Takes
1080
+ Tears
1081
+ Tell
1082
+ Tellus'
1083
+ Tender
1084
+ Termagant.
1085
+ Th'
1086
+ Than
1087
+ Thanks,
1088
+ That
1089
+ That's
1090
+ That,
1091
+ Thaw,
1092
+ The
1093
+ Their
1094
+ Then
1095
+ Then,
1096
+ Thence
1097
+ There
1098
+ There's
1099
+ There,
1100
+ Therefore
1101
+ Therefore,
1102
+ Thereto
1103
+ Therewith
1104
+ These
1105
+ They
1106
+ Thick,
1107
+ Thine
1108
+ Things
1109
+ Think
1110
+ This
1111
+ This,
1112
+ This?
1113
+ Those
1114
+ Thou
1115
+ Though
1116
+ Thought
1117
+ Thoughts
1118
+ Three
1119
+ Thrice
1120
+ Thrift,
1121
+ Through
1122
+ Thrown
1123
+ Thus
1124
+ Thus:
1125
+ Thy
1126
+ Thyself
1127
+ Till
1128
+ Time
1129
+ To
1130
+ Together
1131
+ Tomorrow
1132
+ Too
1133
+ Touching
1134
+ Transports
1135
+ Treachery!
1136
+ Treason,
1137
+ Tropically.
1138
+ Truly
1139
+ Truly,
1140
+ Trumpets
1141
+ Trumpets,
1142
+ Try
1143
+ Turk
1144
+ Tush,
1145
+ Tweaks
1146
+ Two
1147
+ Unbated
1148
+ Under
1149
+ Unequal
1150
+ Ungartered,
1151
+ Unhand
1152
+ Unhouseled,
1153
+ Unite
1154
+ Unmixed
1155
+ Unpeg
1156
+ Unsifted
1157
+ Until
1158
+ Unto
1159
+ Up
1160
+ Upon
1161
+ Use
1162
+ VOLTEMAND
1163
+ Valentine's
1164
+ Valentine.
1165
+ Very
1166
+ Videlicet,
1167
+ Vienna.
1168
+ Virtue
1169
+ Visit
1170
+ Voltemand
1171
+ Voltemand,
1172
+ Vows,
1173
+ Vulcan's
1174
+ Walks
1175
+ Was
1176
+ Was,
1177
+ We
1178
+ We'll
1179
+ Weigh
1180
+ Welcome,
1181
+ Well
1182
+ Well,
1183
+ Were
1184
+ Werstine
1185
+ What
1186
+ What's
1187
+ What,
1188
+ What?
1189
+ When
1190
+ Where
1191
+ Where's
1192
+ Where,
1193
+ Whereat,
1194
+ Wherefore
1195
+ Wherefore?
1196
+ Wherein
1197
+ Whereof
1198
+ Whereon
1199
+ Whereto
1200
+ Whether
1201
+ Which
1202
+ Which,
1203
+ While
1204
+ Whiles
1205
+ Whiles,
1206
+ Whips
1207
+ White
1208
+ Whither
1209
+ Who
1210
+ Who's
1211
+ Who,
1212
+ Whom
1213
+ Whose
1214
+ Why
1215
+ Why,
1216
+ Why?
1217
+ Will
1218
+ William
1219
+ Wilt
1220
+ Winner
1221
+ With
1222
+ With--ho!--such
1223
+ Withdraw,
1224
+ Within
1225
+ Without
1226
+ Without,
1227
+ Witness
1228
+ Wittenberg,
1229
+ Wittenberg.
1230
+ Wittenberg?
1231
+ Woo't
1232
+ Words
1233
+ Words,
1234
+ Work
1235
+ Worm's,
1236
+ Worse
1237
+ Would
1238
+ Wouldst
1239
+ Yea,
1240
+ Yes,
1241
+ Yet
1242
+ Yet,
1243
+ Yorick!
1244
+ Yorick's
1245
+ You
1246
+ You,
1247
+ Young
1248
+ Your
1249
+ Yours.
1250
+ Youth
1251
+ [A
1252
+ [All
1253
+ [As
1254
+ [Aside
1255
+ [Aside.]
1256
+ [Attendants
1257
+ [Claudius
1258
+ [Dies.]
1259
+ [Drum,
1260
+ [Enter
1261
+ [First
1262
+ [Flourish.
1263
+ [Followers
1264
+ [Forcing
1265
+ [Francisco
1266
+ [Gentleman
1267
+ [Ghost
1268
+ [Giving
1269
+ [Hamlet
1270
+ [Handing
1271
+ [He
1272
+ [Horatio
1273
+ [Hurts
1274
+ [It
1275
+ [King
1276
+ [Laertes
1277
+ [Leaps
1278
+ [Lord
1279
+ [March
1280
+ [Messenger
1281
+ [Osric
1282
+ [Play.]
1283
+ [Player
1284
+ [Players
1285
+ [Pointing
1286
+ [Polonius
1287
+ [Pours
1288
+ [Prepare
1289
+ [Queen
1290
+ [Reads.]
1291
+ [Reynaldo
1292
+ [Rosencrantz
1293
+ [She
1294
+ [Sings.]
1295
+ [Sleeps.]
1296
+ [Sound
1297
+ [The
1298
+ [They
1299
+ [To
1300
+ [Trumpets
1301
+ [Voltemand
1302
+ [advancing
1303
+ [advancing]
1304
+ [aside
1305
+ [aside]
1306
+ [behind
1307
+ [beneath]
1308
+ [coming
1309
+ [cries
1310
+ [reads
1311
+ [rising]
1312
+ [sings]
1313
+ [taking
1314
+ [to
1315
+ [within]
1316
+ ]
1317
+ a
1318
+ a-cursing
1319
+ a-down"--and
1320
+ a-down-a."--O,
1321
+ a-making,
1322
+ a-praying,
1323
+ a-swearing,
1324
+ a-work,
1325
+ abate
1326
+ abatements
1327
+ abhorred
1328
+ ability
1329
+ able
1330
+ aboard,
1331
+ aboard.
1332
+ abominably.
1333
+ about
1334
+ about,
1335
+ about.
1336
+ above
1337
+ above,
1338
+ above:
1339
+ abridgment
1340
+ abroad,
1341
+ absolute
1342
+ abstinence,
1343
+ abstract
1344
+ absurd
1345
+ absurd,
1346
+ abuse
1347
+ abused.
1348
+ accent
1349
+ accepts
1350
+ access
1351
+ accident,
1352
+ accident.
1353
+ accidental
1354
+ accidents;
1355
+ accord
1356
+ according
1357
+ account
1358
+ accounted
1359
+ accurst.
1360
+ accuse
1361
+ ache
1362
+ achievements,
1363
+ acquaint
1364
+ acquire
1365
+ acquittance
1366
+ acres
1367
+ across?
1368
+ act
1369
+ act,
1370
+ act.
1371
+ acted,
1372
+ acting
1373
+ action
1374
+ action,
1375
+ action.
1376
+ action.--Soft
1377
+ actions
1378
+ actively
1379
+ actor
1380
+ actor.
1381
+ actors
1382
+ acts,
1383
+ adders
1384
+ addition
1385
+ addition,
1386
+ addition.
1387
+ address
1388
+ adheres.
1389
+ adieu,
1390
+ adieu.
1391
+ adieu.--
1392
+ adjoined,
1393
+ admirable;
1394
+ admiration
1395
+ admiration.
1396
+ admiration?
1397
+ admit
1398
+ admittance
1399
+ adoption
1400
+ adulterate
1401
+ advanced,
1402
+ advancement
1403
+ advancement.
1404
+ advantage,
1405
+ adventurous
1406
+ advice
1407
+ advice,
1408
+ advise
1409
+ aerie
1410
+ afar
1411
+ afeard
1412
+ affair
1413
+ affair.
1414
+ affairs
1415
+ affection
1416
+ affection,
1417
+ affections
1418
+ afflict
1419
+ affliction
1420
+ afflictions,
1421
+ afflicts
1422
+ affrighted!
1423
+ afoot,
1424
+ afraid
1425
+ after
1426
+ after!
1427
+ after,
1428
+ after.
1429
+ afternoon,
1430
+ afterwards,
1431
+ again
1432
+ again!
1433
+ again,
1434
+ again.
1435
+ again.--What
1436
+ again?
1437
+ against
1438
+ against,
1439
+ age
1440
+ age,
1441
+ ago,
1442
+ agreeing,
1443
+ ah
1444
+ aid.
1445
+ aim
1446
+ aimed
1447
+ air
1448
+ air,
1449
+ air.
1450
+ airs
1451
+ airy
1452
+ alarm
1453
+ alarm,
1454
+ alas!
1455
+ all
1456
+ all's
1457
+ all)
1458
+ all,
1459
+ all--
1460
+ all.
1461
+ all.--I
1462
+ all.--My
1463
+ all:
1464
+ all;
1465
+ allegiance!
1466
+ alleys
1467
+ allow.
1468
+ allowance
1469
+ allowed
1470
+ allowed.
1471
+ almost
1472
+ alone
1473
+ alone,
1474
+ alone.
1475
+ along
1476
+ along.
1477
+ aloof
1478
+ already
1479
+ already,
1480
+ already.
1481
+ already;
1482
+ also
1483
+ altitude
1484
+ altogether.
1485
+ always
1486
+ am
1487
+ am,
1488
+ am.
1489
+ amaze
1490
+ amazed
1491
+ amazement
1492
+ ambassador
1493
+ ambassadors
1494
+ ambassadors.
1495
+ amber
1496
+ ambiguous
1497
+ ambition
1498
+ ambition,
1499
+ ambitious
1500
+ ambitious,
1501
+ amble,
1502
+ amen!
1503
+ amiss.
1504
+ amities,
1505
+ among
1506
+ an
1507
+ anchor's
1508
+ ancient
1509
+ and
1510
+ and,
1511
+ angel
1512
+ angel,
1513
+ angels
1514
+ angels!
1515
+ anger.
1516
+ angle
1517
+ angry
1518
+ animals--and
1519
+ ankle,
1520
+ annexment,
1521
+ annual
1522
+ anoint
1523
+ anon
1524
+ anon.
1525
+ another
1526
+ another's
1527
+ another.
1528
+ another?
1529
+ answer
1530
+ answer,
1531
+ answer.
1532
+ answered?
1533
+ answerest
1534
+ answers:
1535
+ antic
1536
+ anticipation
1537
+ antique
1538
+ any
1539
+ anything
1540
+ anything,
1541
+ apart
1542
+ apart,
1543
+ ape
1544
+ ape,
1545
+ apiece
1546
+ apoplexed;
1547
+ appall
1548
+ apparel
1549
+ apparition
1550
+ appear
1551
+ appear.
1552
+ appeared
1553
+ appeareth
1554
+ appears.
1555
+ appetite
1556
+ applaud
1557
+ apple
1558
+ appliance
1559
+ appointment
1560
+ apprehension
1561
+ approve
1562
+ appurtenance
1563
+ apt,
1564
+ apt;
1565
+ aptly
1566
+ ardor
1567
+ are
1568
+ are!
1569
+ are.
1570
+ argues
1571
+ argument
1572
+ argument,
1573
+ argument?
1574
+ aright
1575
+ arithmetic
1576
+ arm,
1577
+ arm?
1578
+ armed
1579
+ armor
1580
+ armor,
1581
+ arms
1582
+ arms!
1583
+ arms,
1584
+ arms.
1585
+ arms.]
1586
+ arms?
1587
+ army
1588
+ arraign
1589
+ arrant
1590
+ arras
1591
+ arras.]
1592
+ arras]
1593
+ arrest),
1594
+ arrests
1595
+ arrived,
1596
+ arrow
1597
+ arrows
1598
+ arrows,
1599
+ art
1600
+ art.
1601
+ article
1602
+ article,
1603
+ articles
1604
+ artless
1605
+ arture
1606
+ as
1607
+ as,
1608
+ ases
1609
+ ashamed
1610
+ aside.]
1611
+ ask
1612
+ askant
1613
+ asked
1614
+ asking
1615
+ asking?
1616
+ asleep,
1617
+ aspect,
1618
+ ass
1619
+ ass.
1620
+ assail
1621
+ assault.
1622
+ assay
1623
+ assay.
1624
+ assayed.
1625
+ assays
1626
+ assigns,
1627
+ assistant
1628
+ assistant,
1629
+ associates
1630
+ assume
1631
+ assurance
1632
+ assure
1633
+ assured
1634
+ assured,
1635
+ asunder.
1636
+ at
1637
+ attend
1638
+ attendant
1639
+ attendant,
1640
+ attended.
1641
+ attent
1642
+ attractive.
1643
+ attribute.
1644
+ audience
1645
+ audience.
1646
+ audit
1647
+ aught
1648
+ aught,
1649
+ aught.
1650
+ augury.
1651
+ aunt-mother
1652
+ auspicious
1653
+ author
1654
+ authorities.
1655
+ avoid
1656
+ avoid,
1657
+ avouch
1658
+ awake,
1659
+ away
1660
+ away!
1661
+ away!--Go
1662
+ away,
1663
+ away.
1664
+ away?
1665
+ awe
1666
+ awhile
1667
+ awhile!
1668
+ awhile,
1669
+ awhile.
1670
+ awry
1671
+ ax
1672
+ ax,
1673
+ ay,
1674
+ aye,
1675
+ babe.
1676
+ baby
1677
+ back
1678
+ back;
1679
+ back?
1680
+ backed
1681
+ backward.
1682
+ bad
1683
+ bad,
1684
+ bade
1685
+ bait
1686
+ baked
1687
+ baker's
1688
+ ban
1689
+ bands.
1690
+ bank
1691
+ bar
1692
+ barber's
1693
+ bare
1694
+ barefaced
1695
+ barefoot
1696
+ bark
1697
+ barked
1698
+ barred
1699
+ barrel?
1700
+ barren
1701
+ base
1702
+ base,
1703
+ baseness
1704
+ baser
1705
+ basket
1706
+ bastard,
1707
+ bat,
1708
+ bated,
1709
+ battalions:
1710
+ batten
1711
+ battery?
1712
+ battlements
1713
+ bawd
1714
+ bawdry,
1715
+ bawds
1716
+ bawdy
1717
+ be
1718
+ be,
1719
+ be--that
1720
+ be.
1721
+ be."
1722
+ be.--Horatio,
1723
+ beam!
1724
+ bear
1725
+ bear,
1726
+ beard
1727
+ beard.--
1728
+ beards,
1729
+ bearers
1730
+ bears
1731
+ beast
1732
+ beast,
1733
+ beast--
1734
+ beast.
1735
+ beasts
1736
+ beasts;
1737
+ beaten
1738
+ beating
1739
+ beating.
1740
+ beats
1741
+ beauteous
1742
+ beautied
1743
+ beauties
1744
+ beautified
1745
+ beauty
1746
+ beauty,
1747
+ beauty.
1748
+ beaver
1749
+ became
1750
+ because
1751
+ beck
1752
+ beckons
1753
+ beckons.]
1754
+ becomes
1755
+ bed
1756
+ bed,
1757
+ bed.
1758
+ bed."
1759
+ bedded
1760
+ bedrid,
1761
+ beds,
1762
+ been
1763
+ beer
1764
+ beetles
1765
+ befallen?
1766
+ befitted
1767
+ before
1768
+ before,
1769
+ before.
1770
+ beg
1771
+ beg,
1772
+ beget
1773
+ beggar
1774
+ beggar.
1775
+ beggared,
1776
+ beggars
1777
+ beggars'
1778
+ begin
1779
+ begin,
1780
+ begin.
1781
+ begins
1782
+ begins,
1783
+ beguile
1784
+ beguile.
1785
+ begun
1786
+ begun:
1787
+ behaved,
1788
+ behavior
1789
+ behavior.
1790
+ behind
1791
+ behind,
1792
+ behind.
1793
+ behold!
1794
+ behooves
1795
+ behove,
1796
+ being
1797
+ being.
1798
+ belief
1799
+ believe
1800
+ believe,
1801
+ believed
1802
+ belike
1803
+ bell
1804
+ bellow
1805
+ bellowed
1806
+ bells
1807
+ beloved;
1808
+ below
1809
+ below;
1810
+ bend
1811
+ bended
1812
+ beneath.
1813
+ benefit
1814
+ benetted
1815
+ bent
1816
+ bent.--I
1817
+ berattle
1818
+ beseech
1819
+ beseeched
1820
+ beshrew
1821
+ besmirch
1822
+ bespeak:
1823
+ best
1824
+ best,
1825
+ bestow
1826
+ bestowed,
1827
+ bestowed?
1828
+ bet
1829
+ beteem
1830
+ bethought.
1831
+ betime,
1832
+ betimes?
1833
+ betoken
1834
+ better
1835
+ better!
1836
+ better),
1837
+ better,
1838
+ better.
1839
+ between
1840
+ beware
1841
+ bewept
1842
+ beyond
1843
+ bias,
1844
+ bid
1845
+ bier,
1846
+ bilboes.
1847
+ bird
1848
+ bird,
1849
+ birds
1850
+ birth
1851
+ birth,
1852
+ birth.
1853
+ bisson
1854
+ bites
1855
+ bitter
1856
+ bitter,
1857
+ black
1858
+ black,
1859
+ blackest
1860
+ blame
1861
+ blame.
1862
+ blank
1863
+ blanket,
1864
+ blanks
1865
+ blast
1866
+ blasted,
1867
+ blastments
1868
+ blasts
1869
+ blaze,
1870
+ blazes,
1871
+ blazon
1872
+ bleed
1873
+ bleed.
1874
+ bleeding
1875
+ blench,
1876
+ bless
1877
+ blessed
1878
+ blessing
1879
+ blessing,
1880
+ blest,
1881
+ blister
1882
+ bloat
1883
+ blood
1884
+ blood,
1885
+ blood.
1886
+ blood?
1887
+ bloodily
1888
+ bloody
1889
+ bloody,
1890
+ blossoms
1891
+ blow
1892
+ blow,
1893
+ blown
1894
+ blown,
1895
+ blows
1896
+ blue
1897
+ blunted
1898
+ blurs
1899
+ blush
1900
+ blush?
1901
+ board
1902
+ boarded
1903
+ bodes
1904
+ bodies
1905
+ bodies,
1906
+ bodies.
1907
+ bodiless
1908
+ bodkin?
1909
+ body
1910
+ body,
1911
+ body.
1912
+ body?
1913
+ bodykins,
1914
+ boist'rous
1915
+ bold
1916
+ bold,
1917
+ bonds
1918
+ bones
1919
+ bones,
1920
+ bonnet
1921
+ bonny
1922
+ book
1923
+ book,
1924
+ book.]
1925
+ books,
1926
+ bore
1927
+ born
1928
+ born,
1929
+ born--he
1930
+ borne
1931
+ borrowed
1932
+ borrower
1933
+ borrowing
1934
+ bosom
1935
+ bosom,
1936
+ bosom.
1937
+ botch
1938
+ both
1939
+ both,
1940
+ both.
1941
+ both?
1942
+ boughs
1943
+ bought
1944
+ bound
1945
+ bound,
1946
+ bounded
1947
+ bounds.
1948
+ bounteous.
1949
+ bounty.
1950
+ bourn
1951
+ bout
1952
+ bouts
1953
+ bow
1954
+ bowl
1955
+ box,
1956
+ boy!
1957
+ boy,
1958
+ boys
1959
+ brain
1960
+ brain,
1961
+ brain.
1962
+ brainish
1963
+ brains
1964
+ brains!
1965
+ brains!--Hum,
1966
+ brains,
1967
+ brains.
1968
+ branches--it
1969
+ brands
1970
+ brave
1971
+ brave,
1972
+ bravery
1973
+ bray
1974
+ brazed
1975
+ brazen
1976
+ breach
1977
+ bread,
1978
+ breadth
1979
+ break
1980
+ break,
1981
+ break.
1982
+ breaking
1983
+ breaks
1984
+ breast.
1985
+ breath
1986
+ breath,
1987
+ breath.--
1988
+ breath?
1989
+ breathe
1990
+ breathe,
1991
+ breathes
1992
+ breathing
1993
+ breed
1994
+ breed.
1995
+ breeder
1996
+ breeding
1997
+ brevity
1998
+ bride-bed
1999
+ brief
2000
+ brief,
2001
+ brief.
2002
+ bring
2003
+ bringing
2004
+ brings
2005
+ broad
2006
+ broke,
2007
+ broke.
2008
+ broken
2009
+ brokers,
2010
+ brooch
2011
+ brood,
2012
+ brook
2013
+ brook.
2014
+ brothel--or
2015
+ brother
2016
+ brother's
2017
+ brother,
2018
+ brother--so
2019
+ brother.
2020
+ brothers
2021
+ brothers'
2022
+ brothers.
2023
+ brought
2024
+ brought,
2025
+ brow
2026
+ brow,
2027
+ brows.
2028
+ bruit
2029
+ brute
2030
+ bubbles
2031
+ budge.
2032
+ buffets
2033
+ bugs
2034
+ build
2035
+ builds
2036
+ built
2037
+ bulk
2038
+ bulk,
2039
+ bulwark
2040
+ bunghole?
2041
+ burden!
2042
+ burial,
2043
+ burial.
2044
+ buried
2045
+ buried,
2046
+ burn,
2047
+ burning
2048
+ burns,
2049
+ burnt
2050
+ burst
2051
+ business
2052
+ business.
2053
+ business?
2054
+ busy
2055
+ but
2056
+ but,
2057
+ but,"
2058
+ button.
2059
+ buttons
2060
+ buy,
2061
+ buyer
2062
+ buzz.
2063
+ buzzers
2064
+ by
2065
+ by"
2066
+ by.
2067
+ cabin,
2068
+ calamity
2069
+ calendar
2070
+ calf
2071
+ call
2072
+ called
2073
+ called.
2074
+ calls
2075
+ calm
2076
+ calumnious
2077
+ calumny.
2078
+ calves
2079
+ calves'
2080
+ came
2081
+ camel
2082
+ camel?
2083
+ can
2084
+ can.
2085
+ candied
2086
+ canker
2087
+ cannon
2088
+ cannoneer
2089
+ cannons
2090
+ cannot
2091
+ cannot,
2092
+ cannot.
2093
+ canon
2094
+ canonized
2095
+ canopy,
2096
+ canst
2097
+ cap
2098
+ cap,
2099
+ cap-a-pie,
2100
+ capability
2101
+ capable
2102
+ capable.
2103
+ capital
2104
+ capons
2105
+ captains
2106
+ carbuncles,
2107
+ card
2108
+ card,
2109
+ carefully
2110
+ careless
2111
+ carnal,
2112
+ carouses
2113
+ carp
2114
+ carpenter?
2115
+ carpenter?"
2116
+ carriage
2117
+ carriages,
2118
+ carriages--
2119
+ carried
2120
+ carries
2121
+ carrion--Have
2122
+ carry
2123
+ carrying
2124
+ cart
2125
+ carters.
2126
+ case
2127
+ cases,
2128
+ cast
2129
+ casual
2130
+ cat
2131
+ cataplasm
2132
+ catch
2133
+ caught
2134
+ cause
2135
+ cause,
2136
+ cause.
2137
+ cautel
2138
+ caution),
2139
+ caviary
2140
+ cease
2141
+ celebrated,
2142
+ celestial
2143
+ celestial,
2144
+ cell
2145
+ cellarage.
2146
+ censure
2147
+ censure,
2148
+ center.
2149
+ cerements;
2150
+ ceremony
2151
+ ceremony.
2152
+ certain
2153
+ certain.
2154
+ certainty
2155
+ cess
2156
+ chalice
2157
+ challenger
2158
+ chamber
2159
+ chamber,
2160
+ chamber.
2161
+ chameleon's
2162
+ chance
2163
+ chance,
2164
+ chances
2165
+ change
2166
+ change;
2167
+ changed
2168
+ changeling
2169
+ changes
2170
+ chanson
2171
+ chanted
2172
+ chapel.
2173
+ chapfallen?
2174
+ chapless
2175
+ character.
2176
+ charge
2177
+ charge,
2178
+ charge.
2179
+ chariest
2180
+ charitable
2181
+ charitable,
2182
+ charm,
2183
+ chase.
2184
+ chaste
2185
+ checking
2186
+ cheek
2187
+ cheek,
2188
+ cheer
2189
+ cheerfully
2190
+ cherub
2191
+ chide,
2192
+ chief
2193
+ chiefest
2194
+ chiefly
2195
+ child
2196
+ child.
2197
+ children
2198
+ children,
2199
+ children?
2200
+ choice
2201
+ choler.
2202
+ choose
2203
+ chopine.
2204
+ chorus,
2205
+ chough,
2206
+ chronicles
2207
+ church.
2208
+ churches,
2209
+ churchyards
2210
+ churlish
2211
+ cicatrice
2212
+ circumscribed
2213
+ circumstance
2214
+ circumstance.
2215
+ circumstance?
2216
+ circumstances
2217
+ circumvent
2218
+ city.
2219
+ city?
2220
+ clad
2221
+ claim
2222
+ clamor
2223
+ clapped
2224
+ clawed
2225
+ clay
2226
+ clay,
2227
+ clear
2228
+ clearly
2229
+ cleave
2230
+ cleft
2231
+ clemency,
2232
+ clepe
2233
+ cliff
2234
+ climatures
2235
+ cloak,
2236
+ close
2237
+ close,
2238
+ close;
2239
+ closely
2240
+ closes
2241
+ closet
2242
+ closet,
2243
+ closet.
2244
+ clothe
2245
+ clothes
2246
+ cloud
2247
+ clouds
2248
+ clouds,
2249
+ clout
2250
+ clouts.
2251
+ clown
2252
+ clowns
2253
+ clutch,
2254
+ coach!
2255
+ coagulate
2256
+ cock
2257
+ cock,
2258
+ cock.
2259
+ cockle
2260
+ coil,
2261
+ coinage
2262
+ cold
2263
+ cold,
2264
+ cold.
2265
+ cold;
2266
+ coldly
2267
+ collateral
2268
+ collected,
2269
+ collection,
2270
+ collection.
2271
+ color
2272
+ color--tears
2273
+ color.
2274
+ columbines.
2275
+ com'st
2276
+ comart
2277
+ combat;
2278
+ combated.
2279
+ combination
2280
+ combined
2281
+ come
2282
+ come!
2283
+ come,
2284
+ come.
2285
+ come;
2286
+ come?
2287
+ comedy,
2288
+ comes
2289
+ comes,
2290
+ comes.
2291
+ comfort
2292
+ coming
2293
+ coming-o'er,
2294
+ coming.
2295
+ comma
2296
+ command
2297
+ command,
2298
+ command--or,
2299
+ command.
2300
+ command?
2301
+ commanded.
2302
+ commandment
2303
+ commandment.
2304
+ commands
2305
+ commeddled
2306
+ commencement
2307
+ commend
2308
+ commendable
2309
+ commended
2310
+ comment
2311
+ commerce
2312
+ commission
2313
+ commission,
2314
+ commission.
2315
+ commission;
2316
+ common
2317
+ common.
2318
+ common;
2319
+ commune
2320
+ commutual
2321
+ compact,
2322
+ companies
2323
+ companion
2324
+ companions
2325
+ company,
2326
+ compare
2327
+ compass;
2328
+ compelled
2329
+ compelled,
2330
+ competent
2331
+ complete
2332
+ complexion
2333
+ complexion.
2334
+ comply
2335
+ comply,
2336
+ composed
2337
+ compost
2338
+ compound
2339
+ compulsatory,
2340
+ compulsive
2341
+ concealed
2342
+ conceit
2343
+ conceit--and
2344
+ conceit.
2345
+ conceive,
2346
+ concernancy,
2347
+ concernings
2348
+ concluded
2349
+ conclusions,
2350
+ condole
2351
+ condolement
2352
+ conference
2353
+ conference.
2354
+ confess
2355
+ confess,
2356
+ confession
2357
+ confidant
2358
+ confine
2359
+ confine,
2360
+ confined
2361
+ confines,
2362
+ confound
2363
+ confront
2364
+ confusion,
2365
+ congregation
2366
+ congruing
2367
+ conjectures
2368
+ conjoined,
2369
+ conjunctive
2370
+ conjuration
2371
+ conjure
2372
+ conqueror.
2373
+ conquest
2374
+ conscience
2375
+ conscience.
2376
+ consent
2377
+ consent.
2378
+ consequence"--ay,
2379
+ consequence,
2380
+ consequence,"
2381
+ consequence:
2382
+ consider
2383
+ considered
2384
+ considered.
2385
+ consonancy
2386
+ constant
2387
+ constantly.
2388
+ consummation
2389
+ contagion,
2390
+ containing
2391
+ contend
2392
+ content
2393
+ content.
2394
+ contents,
2395
+ continent
2396
+ continual
2397
+ contract--O--the
2398
+ contracted
2399
+ contraction
2400
+ contrary
2401
+ contrive
2402
+ contriving,
2403
+ controversy.
2404
+ contumely,
2405
+ convenience
2406
+ convenient.
2407
+ conversation
2408
+ converse,
2409
+ convert
2410
+ converted
2411
+ convey
2412
+ conveyance
2413
+ conveyances
2414
+ convocation
2415
+ cool
2416
+ coped
2417
+ copied
2418
+ core,
2419
+ corner
2420
+ coronation,
2421
+ coronet
2422
+ corpse
2423
+ corrupted
2424
+ corruption
2425
+ corruption,
2426
+ corse
2427
+ corse,
2428
+ corses
2429
+ cost
2430
+ coted
2431
+ couch
2432
+ couched
2433
+ could
2434
+ could,
2435
+ councillor
2436
+ counsel
2437
+ counsel.
2438
+ counsel;
2439
+ counselor
2440
+ count
2441
+ count'nance
2442
+ countenance
2443
+ countenance,
2444
+ counter,
2445
+ counterfeit
2446
+ countries
2447
+ country
2448
+ country's
2449
+ country--
2450
+ countrymen.
2451
+ couple
2452
+ couplets
2453
+ courage.
2454
+ course
2455
+ course.
2456
+ courses
2457
+ court
2458
+ court,
2459
+ court:
2460
+ court?
2461
+ courteous
2462
+ courtesy
2463
+ courtier's,
2464
+ courtier,
2465
+ courtier.]
2466
+ courtiers.
2467
+ cousin
2468
+ cousin,
2469
+ coward),
2470
+ coward?
2471
+ cowards
2472
+ cozenage--is
2473
+ cozened
2474
+ crab,
2475
+ crack
2476
+ cracked
2477
+ cracks
2478
+ craft
2479
+ craft.
2480
+ crafts
2481
+ crafty
2482
+ crants,
2483
+ crash
2484
+ craven
2485
+ crawling
2486
+ creation
2487
+ creature
2488
+ creatures
2489
+ credent
2490
+ creep
2491
+ crescent,
2492
+ crew
2493
+ crew.
2494
+ crib
2495
+ cried
2496
+ cried,
2497
+ cries
2498
+ crimes
2499
+ criminal
2500
+ croaking
2501
+ crocodile?
2502
+ crook
2503
+ cross
2504
+ crowflowers,
2505
+ crowing
2506
+ crown
2507
+ crown,
2508
+ crown.
2509
+ crowner
2510
+ crowns
2511
+ crows.]
2512
+ cruel
2513
+ cruel,
2514
+ crust
2515
+ cry
2516
+ cry.
2517
+ cue
2518
+ cuffs
2519
+ cunning
2520
+ cunning.
2521
+ cunnings--
2522
+ cup
2523
+ cup.
2524
+ cup.]
2525
+ cups,
2526
+ curb
2527
+ curd,
2528
+ cure
2529
+ curiously
2530
+ curls,
2531
+ currents
2532
+ curse
2533
+ cursed
2534
+ cushions,
2535
+ custom
2536
+ custom,
2537
+ custom?
2538
+ customary
2539
+ cut
2540
+ cutpurse
2541
+ dagger.
2542
+ daggers
2543
+ daggers,
2544
+ daily
2545
+ daintier
2546
+ daisies,
2547
+ daisy.
2548
+ dalliance
2549
+ dally.
2550
+ dallying.
2551
+ damn
2552
+ damnable
2553
+ damnation.
2554
+ damned
2555
+ damned,
2556
+ danger
2557
+ danger.
2558
+ danger;
2559
+ dangerous
2560
+ dangerous,
2561
+ dar'st
2562
+ dare
2563
+ dare,
2564
+ dark
2565
+ darkest
2566
+ daughter
2567
+ daughter,
2568
+ daughter.
2569
+ daughter.--My
2570
+ daughter?
2571
+ daughters,
2572
+ dawning
2573
+ day
2574
+ day"
2575
+ day,
2576
+ day.
2577
+ day?
2578
+ days
2579
+ days.
2580
+ dead
2581
+ dead,
2582
+ dead--nay,
2583
+ dead.
2584
+ dead?
2585
+ deal
2586
+ dealt
2587
+ dear
2588
+ dear,
2589
+ dearest
2590
+ dearly
2591
+ dearly,
2592
+ dearth
2593
+ death
2594
+ death!
2595
+ death,
2596
+ death.
2597
+ deathbed.
2598
+ deaths
2599
+ debate
2600
+ debatement
2601
+ debt.
2602
+ decayer
2603
+ deceived.
2604
+ decked,
2605
+ declension,
2606
+ decline
2607
+ declines
2608
+ declining
2609
+ deed
2610
+ deed!
2611
+ deed,
2612
+ deed--almost
2613
+ deeds
2614
+ deep
2615
+ deeply
2616
+ deer
2617
+ defeat
2618
+ defeated
2619
+ defeats
2620
+ defect,
2621
+ defective
2622
+ defend
2623
+ defense,
2624
+ defense?
2625
+ define
2626
+ definement
2627
+ defy
2628
+ deject
2629
+ dejected
2630
+ delay,
2631
+ delays
2632
+ delicate
2633
+ delight
2634
+ delights
2635
+ delights.
2636
+ deliver
2637
+ deliver.
2638
+ delivered
2639
+ delivered,
2640
+ delve
2641
+ delver--
2642
+ demand
2643
+ demanded
2644
+ demands
2645
+ demi-natured
2646
+ demonstrated
2647
+ denied
2648
+ denies
2649
+ denote
2650
+ deny
2651
+ depart.
2652
+ departed
2653
+ depends
2654
+ deprive
2655
+ desert
2656
+ desert.
2657
+ deserve,
2658
+ deserved
2659
+ designed,
2660
+ desire
2661
+ desire,
2662
+ desire.
2663
+ desires
2664
+ desires.
2665
+ desirous
2666
+ desk
2667
+ desp'rate
2668
+ desperate
2669
+ desperation
2670
+ desperation,
2671
+ despised
2672
+ despite
2673
+ destroy.
2674
+ detecting,
2675
+ determination
2676
+ determine
2677
+ device,
2678
+ devices
2679
+ devil
2680
+ devil!
2681
+ devil,
2682
+ devise
2683
+ devotion's
2684
+ dew
2685
+ dew,
2686
+ dews
2687
+ dexterity
2688
+ diadem
2689
+ diameter,
2690
+ dicers'
2691
+ diction
2692
+ did
2693
+ did,
2694
+ did.
2695
+ did:
2696
+ didst
2697
+ die
2698
+ die,
2699
+ died
2700
+ died,
2701
+ died.
2702
+ dies.--I
2703
+ dies.]
2704
+ diet
2705
+ diet.
2706
+ difference.
2707
+ differences,
2708
+ different,
2709
+ dig
2710
+ digested
2711
+ digged.
2712
+ dignity
2713
+ dignity.
2714
+ digs
2715
+ dilated
2716
+ dild
2717
+ diligence
2718
+ dip
2719
+ dipping
2720
+ dire
2721
+ direct
2722
+ directions
2723
+ directly
2724
+ dirge
2725
+ dirt.
2726
+ dirt?
2727
+ dirty
2728
+ disappointed,
2729
+ disclaiming
2730
+ disclose
2731
+ disclosed,
2732
+ discord
2733
+ discourse
2734
+ discourse,
2735
+ discourse?
2736
+ discovery,
2737
+ discretion
2738
+ discretion.
2739
+ disease,
2740
+ diseased.
2741
+ dish.
2742
+ dishes
2743
+ dishonor
2744
+ disjoint
2745
+ dislike
2746
+ dismal,
2747
+ dismal.
2748
+ dismantled
2749
+ dismay.
2750
+ dispatch
2751
+ dispatch,
2752
+ dispatched,
2753
+ disposition
2754
+ disposition,
2755
+ disposition.
2756
+ distant
2757
+ distemper
2758
+ distemper.
2759
+ distemper?
2760
+ distempered.
2761
+ distilled
2762
+ distilment,
2763
+ distinguish,
2764
+ distract;
2765
+ distracted
2766
+ distracted,
2767
+ distracted.]
2768
+ distraction
2769
+ distraction.
2770
+ distress
2771
+ distrust
2772
+ distrust,
2773
+ ditchers,
2774
+ divide
2775
+ divine
2776
+ divinity
2777
+ divulging,
2778
+ do
2779
+ do,
2780
+ do,"
2781
+ do.
2782
+ do:
2783
+ do?
2784
+ doctor,
2785
+ document
2786
+ does
2787
+ does--what
2788
+ dog
2789
+ dog,
2790
+ dogs!
2791
+ doing
2792
+ dole)
2793
+ dominions
2794
+ done
2795
+ done!
2796
+ done)
2797
+ done,
2798
+ done.
2799
+ done?
2800
+ donned
2801
+ doom,
2802
+ doomsday
2803
+ doomsday.
2804
+ door
2805
+ door,
2806
+ door.
2807
+ doors
2808
+ dost
2809
+ dotes
2810
+ doth
2811
+ double
2812
+ doublet
2813
+ doubt
2814
+ doubtful
2815
+ doubtful,
2816
+ doubts
2817
+ dove
2818
+ dove.
2819
+ down
2820
+ down!
2821
+ down,
2822
+ down-gyved
2823
+ down.
2824
+ down.]
2825
+ down:
2826
+ down;
2827
+ down?
2828
+ dowry:
2829
+ dozen
2830
+ dozy
2831
+ drab,
2832
+ drabbing--you
2833
+ dragged
2834
+ drains
2835
+ dram
2836
+ draughts
2837
+ draw
2838
+ draws
2839
+ dread
2840
+ dreaded
2841
+ dreadful
2842
+ dreadfully
2843
+ dream
2844
+ dream.
2845
+ dreams
2846
+ dreams,
2847
+ dreams.
2848
+ dreamt
2849
+ drift
2850
+ drift,
2851
+ drink
2852
+ drink!
2853
+ drink,
2854
+ drink.
2855
+ drink.--Hamlet,
2856
+ drinking,
2857
+ drinks
2858
+ drinks.]
2859
+ drive
2860
+ driven
2861
+ drives,
2862
+ drooping.
2863
+ drop
2864
+ dropping
2865
+ droppings
2866
+ drops
2867
+ drossy
2868
+ drown
2869
+ drowned
2870
+ drowned,
2871
+ drowned.
2872
+ drowns
2873
+ drugs
2874
+ drum
2875
+ drunk
2876
+ drunkards
2877
+ dry
2878
+ ducat,
2879
+ ducats
2880
+ ducats,
2881
+ due
2882
+ dug
2883
+ duke's
2884
+ dull
2885
+ dull,
2886
+ duller
2887
+ dulls
2888
+ dumb
2889
+ dumb,
2890
+ dumb;
2891
+ dungeons,
2892
+ dupped
2893
+ dust
2894
+ dust,
2895
+ dust.
2896
+ dust;
2897
+ dust?
2898
+ duties
2899
+ duty
2900
+ duty.
2901
+ duty?
2902
+ dwelling
2903
+ dye
2904
+ dying
2905
+ e'en
2906
+ e'er
2907
+ each
2908
+ eager
2909
+ ear
2910
+ ear,
2911
+ ear.
2912
+ earnest
2913
+ ears
2914
+ ears,
2915
+ ears.
2916
+ ears.]
2917
+ earth
2918
+ earth,
2919
+ earth.
2920
+ earth;
2921
+ earth?
2922
+ earthly
2923
+ ease
2924
+ ease,
2925
+ easier
2926
+ easily
2927
+ easiness
2928
+ easiness.
2929
+ easing.
2930
+ east
2931
+ eastward
2932
+ easy
2933
+ easy;
2934
+ eat
2935
+ eat,
2936
+ eaten.
2937
+ eats,
2938
+ eclipse.
2939
+ ecstasy
2940
+ ecstasy.
2941
+ edge
2942
+ edge.
2943
+ edified
2944
+ effect
2945
+ effect,
2946
+ effects
2947
+ effects.
2948
+ eggshell.
2949
+ eight
2950
+ eisel,
2951
+ either
2952
+ elder
2953
+ eldest
2954
+ election
2955
+ element.
2956
+ eleven
2957
+ eloquent
2958
+ else
2959
+ else,
2960
+ else.
2961
+ else?
2962
+ embarked.
2963
+ embrace
2964
+ embracing
2965
+ emperor
2966
+ emphasis,
2967
+ empire
2968
+ employ
2969
+ employment
2970
+ employment.
2971
+ empty
2972
+ emulate
2973
+ enact
2974
+ enact?
2975
+ enactures
2976
+ encompassment
2977
+ encorpsed
2978
+ encounter
2979
+ encounter,
2980
+ encounter.
2981
+ encountered:
2982
+ encumbered
2983
+ end
2984
+ end)
2985
+ end,
2986
+ end.
2987
+ endeavor
2988
+ ended.
2989
+ ending,
2990
+ ends
2991
+ ends,
2992
+ endued
2993
+ endure
2994
+ enemies.
2995
+ enemy
2996
+ enemy.
2997
+ engaged!
2998
+ enginer
2999
+ enlarged
3000
+ enmity
3001
+ enough
3002
+ enough.
3003
+ enseamed
3004
+ enter
3005
+ enterprise
3006
+ enterprise,
3007
+ enterprises
3008
+ entertainment
3009
+ entrance
3010
+ entreat
3011
+ entreated
3012
+ entreatments
3013
+ entreaty,
3014
+ entreaty.
3015
+ envenom
3016
+ envenomed
3017
+ envenomed.
3018
+ envious
3019
+ enviously
3020
+ envy
3021
+ epitaph
3022
+ equal
3023
+ equivocation
3024
+ ere
3025
+ err,
3026
+ erring
3027
+ errors
3028
+ eruption
3029
+ escape
3030
+ escoted?
3031
+ especial
3032
+ especial,
3033
+ especially
3034
+ espials,
3035
+ essentially
3036
+ estate
3037
+ estate.
3038
+ esteemed
3039
+ estimation
3040
+ et
3041
+ etc.--
3042
+ eternal
3043
+ eterne,
3044
+ eternity.
3045
+ even
3046
+ even,
3047
+ even-Christian.
3048
+ event
3049
+ event,
3050
+ events,
3051
+ ever
3052
+ ever-preserved
3053
+ ever.
3054
+ evermore,
3055
+ every
3056
+ everyone.
3057
+ everything
3058
+ evidence.
3059
+ evil
3060
+ evil?
3061
+ exact
3062
+ exactly,
3063
+ exceed
3064
+ excellence
3065
+ excellence.
3066
+ excellent
3067
+ except
3068
+ exception
3069
+ exchange,
3070
+ exclaim
3071
+ excrements,
3072
+ excuse.--Ho,
3073
+ exercise
3074
+ exercises,
3075
+ exhort
3076
+ exit
3077
+ exit,
3078
+ exit.]
3079
+ exits
3080
+ exits.]
3081
+ expectancy
3082
+ expel
3083
+ expend
3084
+ expense;
3085
+ exploit,
3086
+ expostulate
3087
+ express
3088
+ expressed
3089
+ extant
3090
+ extent
3091
+ exterior
3092
+ extinct
3093
+ extolment,
3094
+ extravagant
3095
+ extremity
3096
+ extremity.
3097
+ eyases,
3098
+ eye
3099
+ eye!
3100
+ eye,
3101
+ eye.
3102
+ eye;
3103
+ eyelids
3104
+ eyes
3105
+ eyes,
3106
+ eyes.
3107
+ eyes;
3108
+ eyes?
3109
+ face
3110
+ face,
3111
+ face.
3112
+ face?
3113
+ faces
3114
+ faction
3115
+ faculties
3116
+ faculties,
3117
+ faded
3118
+ fail,
3119
+ failed
3120
+ fain
3121
+ fair
3122
+ fair,
3123
+ fair--
3124
+ fair?
3125
+ fairly
3126
+ fairy
3127
+ faith,
3128
+ faith.
3129
+ faithful
3130
+ faithful.
3131
+ falconers,
3132
+ fall
3133
+ fall'n
3134
+ fall,
3135
+ fall.
3136
+ fall;
3137
+ falling
3138
+ falls
3139
+ falls,
3140
+ falls.
3141
+ falls.]
3142
+ false
3143
+ falsehood
3144
+ falsely
3145
+ fame
3146
+ familiar,
3147
+ famous
3148
+ fancy
3149
+ fancy,
3150
+ fancy.
3151
+ fanged,
3152
+ fanned
3153
+ fantastic
3154
+ fantasy
3155
+ fantasy?
3156
+ far
3157
+ far.
3158
+ fardels
3159
+ fare
3160
+ fares
3161
+ farewell
3162
+ farewell!
3163
+ farewell,
3164
+ farewell.
3165
+ farm
3166
+ fashion
3167
+ fashion--
3168
+ fast
3169
+ fast,
3170
+ fast?--
3171
+ fat
3172
+ fate
3173
+ fate,
3174
+ fates
3175
+ father
3176
+ father!
3177
+ father's
3178
+ father,
3179
+ father--methinks
3180
+ father.
3181
+ father;
3182
+ father?
3183
+ fathers,
3184
+ fathoms
3185
+ fatness
3186
+ fatted
3187
+ fault
3188
+ fault.
3189
+ faults
3190
+ faults,
3191
+ favor
3192
+ favor,
3193
+ favorite
3194
+ favors.
3195
+ favors?
3196
+ fawning.
3197
+ fay,
3198
+ fear
3199
+ fear,
3200
+ fear-surprised
3201
+ fear.
3202
+ fear;
3203
+ fear?
3204
+ feared
3205
+ fearful
3206
+ fearing
3207
+ fears
3208
+ feast
3209
+ feast.
3210
+ feather.
3211
+ feathers
3212
+ feats,
3213
+ feature,
3214
+ fed
3215
+ fee
3216
+ fee.
3217
+ feed
3218
+ feed?
3219
+ feel
3220
+ feeling
3221
+ feeling,
3222
+ feelingly
3223
+ feels
3224
+ feet,
3225
+ felicity
3226
+ fell
3227
+ fell,
3228
+ fellies
3229
+ fellow
3230
+ fellow's
3231
+ fellow.
3232
+ fellow.--
3233
+ fellows
3234
+ fellowship
3235
+ fellowship,
3236
+ female
3237
+ fencing,
3238
+ fennel
3239
+ fertile.
3240
+ fetch
3241
+ fetters
3242
+ few
3243
+ few,
3244
+ fiction,
3245
+ fie
3246
+ fie!
3247
+ field
3248
+ fiends!
3249
+ fiery
3250
+ fifty,
3251
+ fight
3252
+ fight,
3253
+ fighting
3254
+ figure
3255
+ figure,
3256
+ figure?
3257
+ filial
3258
+ fill.
3259
+ film
3260
+ find
3261
+ find'st
3262
+ finding
3263
+ finds
3264
+ fine
3265
+ fine,
3266
+ fine.
3267
+ fines
3268
+ fines,
3269
+ finger
3270
+ fingers
3271
+ fingers"
3272
+ fingers,
3273
+ fire
3274
+ fire,
3275
+ fire--why,
3276
+ fire.
3277
+ fire?
3278
+ fires
3279
+ firm
3280
+ firmament,
3281
+ first
3282
+ first,
3283
+ first.
3284
+ first;
3285
+ fish
3286
+ fishmonger.
3287
+ fit
3288
+ fit,
3289
+ fit.
3290
+ fitness
3291
+ fits
3292
+ fitted.
3293
+ fitting
3294
+ five
3295
+ five,
3296
+ fixed
3297
+ flagon
3298
+ flagons
3299
+ flame
3300
+ flames
3301
+ flaming
3302
+ flash
3303
+ flashes
3304
+ flat
3305
+ flat,
3306
+ flats
3307
+ flatter,
3308
+ flattered?
3309
+ flattering
3310
+ flaw!
3311
+ flaxen
3312
+ flesh
3313
+ flesh,
3314
+ flies;
3315
+ flights
3316
+ flints,
3317
+ flood,
3318
+ flourish
3319
+ flourish,
3320
+ flourish.]
3321
+ flourishes,
3322
+ flowers.
3323
+ flowers.]
3324
+ flowers;
3325
+ flush
3326
+ flushing
3327
+ fly
3328
+ fly,
3329
+ foe
3330
+ foe,
3331
+ foil
3332
+ foil,
3333
+ foils
3334
+ foils,
3335
+ foils.
3336
+ folk
3337
+ follow
3338
+ follow,
3339
+ follow.
3340
+ follow?
3341
+ followed
3342
+ followed?
3343
+ follows
3344
+ follows.
3345
+ follows.]
3346
+ folly
3347
+ fond
3348
+ food
3349
+ food,
3350
+ fool
3351
+ fool,
3352
+ fool.
3353
+ foolery,
3354
+ foolish
3355
+ fools
3356
+ fools.
3357
+ foot,
3358
+ foot.
3359
+ foot;
3360
+ for
3361
+ for,
3362
+ for--a--my
3363
+ for.
3364
+ for?
3365
+ forbear
3366
+ forbid
3367
+ force
3368
+ force,
3369
+ forced
3370
+ forcing
3371
+ fordoes
3372
+ forehead
3373
+ foreign
3374
+ foreknowing
3375
+ foresaid
3376
+ forest
3377
+ forestall
3378
+ forestalled
3379
+ forever
3380
+ forfeit,
3381
+ forged
3382
+ forgeries
3383
+ forgery
3384
+ forget
3385
+ forget.
3386
+ forgetting
3387
+ forgiveness
3388
+ forgone
3389
+ forgot
3390
+ forgot!
3391
+ forgot,
3392
+ forgot."
3393
+ forgotten
3394
+ form
3395
+ form,
3396
+ formal
3397
+ former
3398
+ forms
3399
+ forms,
3400
+ forth
3401
+ forth.
3402
+ forthwith
3403
+ fortified
3404
+ forts
3405
+ fortune
3406
+ fortune's
3407
+ fortune,
3408
+ fortune.
3409
+ fortunes
3410
+ forty,
3411
+ forward
3412
+ fought
3413
+ foul
3414
+ foul,
3415
+ fouled,
3416
+ found
3417
+ found,
3418
+ four
3419
+ fox,
3420
+ frailty,
3421
+ frame
3422
+ frame,
3423
+ frankly
3424
+ free
3425
+ free,
3426
+ free-footed.
3427
+ freely
3428
+ freely,
3429
+ freeze
3430
+ fret
3431
+ fretted
3432
+ friend
3433
+ friend!
3434
+ friend,
3435
+ friend.
3436
+ friend?
3437
+ friending
3438
+ friends
3439
+ friends!
3440
+ friends,
3441
+ friends.
3442
+ friends.--O
3443
+ friendship,
3444
+ frighted
3445
+ frock
3446
+ from
3447
+ from.
3448
+ front
3449
+ frontier?
3450
+ frost
3451
+ frowned
3452
+ frowningly?
3453
+ fruit
3454
+ fruitful
3455
+ fruits
3456
+ fulfilled,
3457
+ full
3458
+ full,
3459
+ function
3460
+ functions
3461
+ funeral
3462
+ funeral.
3463
+ furnish
3464
+ further
3465
+ further,
3466
+ further.
3467
+ further?
3468
+ fust
3469
+ gaged
3470
+ gain
3471
+ gaingiving
3472
+ gait
3473
+ gall
3474
+ gallant
3475
+ galled
3476
+ gallows
3477
+ gallows-maker;
3478
+ galls
3479
+ gambol
3480
+ gambols?
3481
+ game,
3482
+ gaming,
3483
+ gape
3484
+ garb,
3485
+ garbage.
3486
+ gard'ners,
3487
+ garden
3488
+ garland
3489
+ garlands
3490
+ garments,
3491
+ garrisoned.
3492
+ gates
3493
+ gather
3494
+ gaudy),
3495
+ gave
3496
+ gem
3497
+ gender
3498
+ general
3499
+ general.
3500
+ generous
3501
+ generous,
3502
+ gentle
3503
+ gentleman
3504
+ gentleman,
3505
+ gentleman.
3506
+ gentleman?
3507
+ gentlemen
3508
+ gentlemen,
3509
+ gentlemen.
3510
+ gentlewoman,
3511
+ gently;
3512
+ gentry
3513
+ gentry,
3514
+ germane
3515
+ gestures
3516
+ get
3517
+ gets
3518
+ ghost
3519
+ ghost!
3520
+ ghost's
3521
+ ghost,
3522
+ ghost--that
3523
+ giant-like?--
3524
+ gib,
3525
+ gibber
3526
+ gibes
3527
+ gifts
3528
+ gifts,
3529
+ gifts--
3530
+ gifts.
3531
+ gilded
3532
+ girdle,
3533
+ girl
3534
+ give
3535
+ give,
3536
+ given
3537
+ givers
3538
+ gives
3539
+ giving-out,
3540
+ glad
3541
+ glares.
3542
+ glass
3543
+ glassy
3544
+ glean,
3545
+ gleaned,
3546
+ glimpses
3547
+ globe.
3548
+ glow
3549
+ glowworm
3550
+ go
3551
+ go!
3552
+ go,
3553
+ go.
3554
+ goblin
3555
+ goblins
3556
+ god
3557
+ god:
3558
+ godlike
3559
+ gods
3560
+ gods.
3561
+ goes
3562
+ goes,
3563
+ goes.
3564
+ goes;
3565
+ going
3566
+ gold,
3567
+ golden
3568
+ gone
3569
+ gone,
3570
+ gone.
3571
+ gone;
3572
+ gone?
3573
+ good
3574
+ good),
3575
+ good,
3576
+ good-bye
3577
+ good.
3578
+ goodly
3579
+ goodman
3580
+ goodness
3581
+ goodness,
3582
+ goodwill
3583
+ goose
3584
+ gore,
3585
+ gorge
3586
+ got
3587
+ grace
3588
+ grace,
3589
+ grace.
3590
+ graces
3591
+ graces,
3592
+ gracious
3593
+ gracious,
3594
+ grained
3595
+ grand
3596
+ grandsire
3597
+ grant
3598
+ grapple
3599
+ grapple.]
3600
+ grass
3601
+ grass-green
3602
+ gratis,
3603
+ grave
3604
+ grave's
3605
+ grave,
3606
+ grave-maker."
3607
+ grave-maker?
3608
+ grave-makers.
3609
+ grave-making.
3610
+ grave.
3611
+ grave.]
3612
+ grave?
3613
+ grave]
3614
+ graveness.
3615
+ graves
3616
+ gray
3617
+ great
3618
+ great,
3619
+ greatly
3620
+ greatness
3621
+ greatness,
3622
+ green
3623
+ green,
3624
+ greenly
3625
+ greet
3626
+ greeted,
3627
+ greeting
3628
+ greetings
3629
+ grew
3630
+ grief
3631
+ grief,
3632
+ grief.
3633
+ griefs
3634
+ grieve
3635
+ grieve,
3636
+ grieved
3637
+ grieves,
3638
+ grinding
3639
+ grinning?
3640
+ grizzled,
3641
+ groan.
3642
+ groaning
3643
+ groans,
3644
+ gross
3645
+ grosser
3646
+ grossly,
3647
+ ground
3648
+ ground,
3649
+ ground.
3650
+ ground?
3651
+ groundlings,
3652
+ grounds
3653
+ grow
3654
+ grow.
3655
+ growing
3656
+ grown
3657
+ grows
3658
+ grows"--the
3659
+ grunt
3660
+ guard
3661
+ guard,
3662
+ guard?
3663
+ guarded,
3664
+ guards!--What
3665
+ guest
3666
+ guilt
3667
+ guilt,
3668
+ guiltless
3669
+ guilty
3670
+ guilty,
3671
+ gules,
3672
+ gulf
3673
+ gum,
3674
+ guts
3675
+ gyves
3676
+ ha
3677
+ ha!
3678
+ ha'
3679
+ ha,
3680
+ ha?
3681
+ habit
3682
+ habits
3683
+ had
3684
+ hadst
3685
+ hair
3686
+ hair,
3687
+ half
3688
+ half!
3689
+ halfpenny.
3690
+ hall.
3691
+ hallowed
3692
+ halt
3693
+ hammers
3694
+ hams;
3695
+ hand
3696
+ hand,
3697
+ hand.
3698
+ hand?
3699
+ hands
3700
+ hands,
3701
+ hands.
3702
+ handsaw.
3703
+ handsome
3704
+ hang
3705
+ hang,
3706
+ hangers,
3707
+ hangers.
3708
+ hap
3709
+ haply
3710
+ happen.
3711
+ happily
3712
+ happiness
3713
+ happy
3714
+ haps,
3715
+ harbingers
3716
+ hard
3717
+ hard.
3718
+ hardy
3719
+ harlot
3720
+ harlot's
3721
+ harmony.
3722
+ harping
3723
+ harrow
3724
+ harrows
3725
+ harsh
3726
+ harsh;
3727
+ harshly
3728
+ hart
3729
+ has
3730
+ hast
3731
+ hast,
3732
+ haste
3733
+ haste.
3734
+ hasten
3735
+ hasty
3736
+ hat
3737
+ hat.]
3738
+ hatch
3739
+ hatchment
3740
+ hate
3741
+ hath
3742
+ hath,
3743
+ haunt
3744
+ have
3745
+ have,
3746
+ have.
3747
+ have?
3748
+ having
3749
+ havior
3750
+ havior,
3751
+ havoc.
3752
+ hawk
3753
+ he
3754
+ he'll
3755
+ he's
3756
+ he)
3757
+ he,
3758
+ he.
3759
+ he?
3760
+ head
3761
+ head,
3762
+ head.
3763
+ heads.
3764
+ headshake,
3765
+ health
3766
+ health.
3767
+ healthful
3768
+ hear
3769
+ hear!
3770
+ hear,
3771
+ hear.
3772
+ hear?
3773
+ heard
3774
+ heard,
3775
+ heard.
3776
+ hearer!
3777
+ hearers
3778
+ hearers?
3779
+ hearing
3780
+ hearing,
3781
+ hears
3782
+ hearsed
3783
+ heart
3784
+ heart's
3785
+ heart,
3786
+ heart.
3787
+ heart;
3788
+ heart?
3789
+ heartache
3790
+ heartily.
3791
+ heartily;
3792
+ hearts
3793
+ heat
3794
+ heat,
3795
+ heated
3796
+ heathen?
3797
+ heaven
3798
+ heaven!
3799
+ heaven,
3800
+ heaven-kissing
3801
+ heaven.
3802
+ heaven;
3803
+ heaven?
3804
+ heavenly
3805
+ heavens
3806
+ heavens!
3807
+ heavens,
3808
+ heaves
3809
+ heavily
3810
+ heavy
3811
+ heavy,
3812
+ heavy-headed
3813
+ heavy.
3814
+ hebona
3815
+ hectic
3816
+ hedge
3817
+ heed
3818
+ heedful
3819
+ heel
3820
+ heel,
3821
+ heels
3822
+ height,
3823
+ heir
3824
+ held
3825
+ hell
3826
+ hell,
3827
+ hell?
3828
+ hellish
3829
+ help
3830
+ help,
3831
+ helpful
3832
+ helps
3833
+ hems,
3834
+ hence
3835
+ hence;
3836
+ hent.
3837
+ her
3838
+ her,
3839
+ her.
3840
+ her?
3841
+ herald
3842
+ heraldry
3843
+ heraldry,
3844
+ herb
3845
+ here
3846
+ here's
3847
+ here,
3848
+ here.
3849
+ here.--Gracious,
3850
+ here?
3851
+ hereafter
3852
+ herein
3853
+ herein,
3854
+ heroes
3855
+ herself
3856
+ herself.
3857
+ hey
3858
+ heyday
3859
+ hid,
3860
+ hide
3861
+ hide?
3862
+ hideous
3863
+ hideous,
3864
+ hides
3865
+ hies
3866
+ high
3867
+ higher
3868
+ highest
3869
+ highly),
3870
+ hill
3871
+ hill,
3872
+ hill.
3873
+ hilts,
3874
+ him
3875
+ him!
3876
+ him)
3877
+ him,
3878
+ him.
3879
+ him."
3880
+ him;
3881
+ him?
3882
+ himself
3883
+ himself,
3884
+ himself.
3885
+ hinges
3886
+ hire
3887
+ his
3888
+ his,
3889
+ his.
3890
+ historical-pastoral,
3891
+ history,
3892
+ history.
3893
+ hit
3894
+ hit,
3895
+ hit.
3896
+ hither
3897
+ hither,
3898
+ hither?
3899
+ hitherto
3900
+ hits
3901
+ hits.
3902
+ ho!
3903
+ ho,
3904
+ hoar
3905
+ hobby-horse
3906
+ hobby-horse,
3907
+ hold
3908
+ hold'st
3909
+ hold,
3910
+ holds
3911
+ holds,
3912
+ hole
3913
+ hollow
3914
+ holy
3915
+ homage
3916
+ home
3917
+ home!
3918
+ home,
3919
+ home.
3920
+ home;
3921
+ honest
3922
+ honest,
3923
+ honest.
3924
+ honest?
3925
+ honesty
3926
+ honesty?
3927
+ honey
3928
+ honeying
3929
+ honor
3930
+ honor's
3931
+ honor,
3932
+ honor--
3933
+ honor.
3934
+ honorable
3935
+ honorable.
3936
+ honored
3937
+ honors.
3938
+ hoodman-blind?
3939
+ hoops
3940
+ hope
3941
+ hope,
3942
+ hoped
3943
+ hopes,
3944
+ horrible
3945
+ horrible!
3946
+ horrible,
3947
+ horrid
3948
+ horridly
3949
+ horrors--he
3950
+ horse
3951
+ horse,
3952
+ horseback,
3953
+ horses
3954
+ horses,
3955
+ host
3956
+ hot
3957
+ hot.
3958
+ hour
3959
+ hour's
3960
+ hour,
3961
+ hour.
3962
+ hourly
3963
+ hours
3964
+ hours.
3965
+ house
3966
+ house's
3967
+ house,
3968
+ house.
3969
+ houses
3970
+ hover
3971
+ how
3972
+ how,
3973
+ how.
3974
+ how?
3975
+ howling.
3976
+ howsomever
3977
+ https://shakespeare.folger.edu/shakespeares-works/hamlet/
3978
+ hue
3979
+ huge
3980
+ hugger-mugger
3981
+ humanity
3982
+ humble
3983
+ humbly
3984
+ humorous
3985
+ hundred
3986
+ hundred.
3987
+ hung
3988
+ hurt
3989
+ hurt.
3990
+ hurts
3991
+ husband
3992
+ husband's
3993
+ husband,
3994
+ husband.
3995
+ husbandry.
3996
+ husbands.--Begin,
3997
+ hush
3998
+ hypocrite,
3999
+ hypocrites:
4000
+ i'
4001
+ ice,
4002
+ ice.
4003
+ idle
4004
+ idle.
4005
+ idol,
4006
+ if
4007
+ if,
4008
+ ignorance
4009
+ ignorance,
4010
+ ignorance.
4011
+ ignorant
4012
+ ignorant--
4013
+ ill
4014
+ ill-breeding
4015
+ ill.
4016
+ ills
4017
+ illume
4018
+ illusion!
4019
+ image
4020
+ image,
4021
+ imagination
4022
+ imagination.
4023
+ imaginations
4024
+ imagine--
4025
+ imitated
4026
+ immediate
4027
+ immediately.
4028
+ imminent
4029
+ imminent.
4030
+ immortal
4031
+ impart
4032
+ impartment
4033
+ impasted
4034
+ impatient,
4035
+ impawned,
4036
+ imperfections
4037
+ imperial
4038
+ impious
4039
+ impiteous
4040
+ implements
4041
+ implorators
4042
+ important
4043
+ imports
4044
+ importunate,
4045
+ importuned
4046
+ importunity.
4047
+ impostume
4048
+ impotence
4049
+ impotent
4050
+ impress
4051
+ impression,
4052
+ imputation
4053
+ in
4054
+ in!
4055
+ in!"
4056
+ in),
4057
+ in,
4058
+ in.
4059
+ incapable
4060
+ incensed
4061
+ incensed.
4062
+ incensed.--Let
4063
+ incest.
4064
+ incestuous
4065
+ incestuous,
4066
+ inch
4067
+ inclination
4068
+ inclined.
4069
+ inclining?
4070
+ incontinency;
4071
+ incorporal
4072
+ incorrect
4073
+ increase
4074
+ indeed
4075
+ indeed,
4076
+ indeed.
4077
+ indentures?
4078
+ index?
4079
+ indict
4080
+ indifferent
4081
+ indifferently
4082
+ indirections
4083
+ indiscretion
4084
+ individable,
4085
+ inexplicable
4086
+ infallibly
4087
+ infants
4088
+ infect
4089
+ infected,
4090
+ infinite
4091
+ influence
4092
+ inform
4093
+ infusion
4094
+ ingenious
4095
+ inheritance
4096
+ inheritor
4097
+ inhibition
4098
+ inky
4099
+ inmost
4100
+ innocent
4101
+ innovation.
4102
+ inoculate
4103
+ inquire
4104
+ insert
4105
+ insinuation
4106
+ insolence
4107
+ instance
4108
+ instances
4109
+ instant
4110
+ instant,
4111
+ instantly
4112
+ instructs
4113
+ instrument
4114
+ instrumental
4115
+ intend
4116
+ intent
4117
+ intent,
4118
+ intents
4119
+ inter
4120
+ interim's
4121
+ interpret
4122
+ interred,
4123
+ into
4124
+ into,
4125
+ intruding
4126
+ inventorially
4127
+ inventors'
4128
+ investments
4129
+ invests
4130
+ invisible
4131
+ invite
4132
+ invulnerable,
4133
+ inward
4134
+ is
4135
+ is!
4136
+ is),
4137
+ is,
4138
+ is--
4139
+ is.
4140
+ is:
4141
+ issue
4142
+ it
4143
+ it!
4144
+ it's
4145
+ it,
4146
+ it.
4147
+ it.--You
4148
+ it:
4149
+ it;
4150
+ it?
4151
+ its
4152
+ itself
4153
+ itself?
4154
+ jade
4155
+ jangled,
4156
+ jaw,
4157
+ jawbone,
4158
+ jaws
4159
+ jealousy
4160
+ jealousy!
4161
+ jelly
4162
+ jest,
4163
+ jest.
4164
+ jester.
4165
+ jig
4166
+ jig-maker.
4167
+ jocund
4168
+ join
4169
+ joint
4170
+ joint.
4171
+ jointly
4172
+ jointress
4173
+ jot
4174
+ jot;
4175
+ journeymen
4176
+ journeys
4177
+ jowls
4178
+ joy
4179
+ joy,
4180
+ joy.
4181
+ joyfully
4182
+ joys
4183
+ joys,
4184
+ judge
4185
+ judges,
4186
+ judgment
4187
+ judgment,
4188
+ judgment.
4189
+ judgment;
4190
+ judgments
4191
+ judgments,
4192
+ judicious
4193
+ juggled
4194
+ juice
4195
+ jump
4196
+ just
4197
+ justice,
4198
+ justly
4199
+ keen,
4200
+ keen.
4201
+ keep
4202
+ keep,
4203
+ keeps
4204
+ kept
4205
+ kettle
4206
+ kettledrum
4207
+ key
4208
+ kibe.--How
4209
+ kick
4210
+ kill
4211
+ killed
4212
+ killed,
4213
+ kills
4214
+ kin
4215
+ kin.
4216
+ kind
4217
+ kind.
4218
+ kindless
4219
+ king
4220
+ king!
4221
+ king!"
4222
+ king's
4223
+ king,
4224
+ king.
4225
+ king?
4226
+ king?--Sirs,
4227
+ kingdom
4228
+ kingdom,
4229
+ kingdom.
4230
+ kingly
4231
+ kings
4232
+ kings,
4233
+ kissed
4234
+ kisses
4235
+ kissing
4236
+ kites
4237
+ knave
4238
+ knave.
4239
+ knave.--
4240
+ knavery--an
4241
+ knavery.
4242
+ knaves
4243
+ knavish
4244
+ knee
4245
+ kneels
4246
+ kneels.]
4247
+ knees
4248
+ knees,
4249
+ knew
4250
+ knew'st
4251
+ knife
4252
+ knight
4253
+ knock
4254
+ knocked
4255
+ knocking
4256
+ knotted
4257
+ know
4258
+ know'st
4259
+ know,
4260
+ know,"
4261
+ know.
4262
+ knowest
4263
+ knowing
4264
+ knowledge
4265
+ known
4266
+ known,
4267
+ known.
4268
+ knows
4269
+ knows,
4270
+ labor
4271
+ labor.
4272
+ labored
4273
+ laborer
4274
+ laborsome
4275
+ lack
4276
+ lack.
4277
+ lacked
4278
+ lacks
4279
+ ladies
4280
+ ladies,
4281
+ lads,
4282
+ lady
4283
+ lady's
4284
+ lady,
4285
+ lady.
4286
+ lady?
4287
+ laid
4288
+ laid,
4289
+ lament;
4290
+ land,
4291
+ land.
4292
+ lands
4293
+ lank
4294
+ lap?
4295
+ lapsed
4296
+ lapwing
4297
+ large
4298
+ larger
4299
+ lash
4300
+ last
4301
+ last,
4302
+ last.
4303
+ lasting
4304
+ lasting,
4305
+ lasts
4306
+ late
4307
+ late,
4308
+ late.
4309
+ late?
4310
+ lauds,
4311
+ laugh
4312
+ laugh,
4313
+ law
4314
+ law's
4315
+ law,
4316
+ law.
4317
+ law?
4318
+ lawful
4319
+ lawless
4320
+ lawyer?
4321
+ lay
4322
+ laying
4323
+ lazar-like,
4324
+ lead
4325
+ leads
4326
+ lean
4327
+ leans
4328
+ leaping
4329
+ learn
4330
+ learning;
4331
+ least
4332
+ leave
4333
+ leave,
4334
+ leave.
4335
+ leave?
4336
+ leaves
4337
+ lecherous,
4338
+ lecture
4339
+ left
4340
+ left.
4341
+ legs.
4342
+ leisure
4343
+ leisure,
4344
+ leisure.
4345
+ lend
4346
+ lender
4347
+ length
4348
+ length,
4349
+ length?
4350
+ leprous
4351
+ less
4352
+ less,
4353
+ lesser
4354
+ lesson
4355
+ lest
4356
+ let
4357
+ let's
4358
+ lets
4359
+ letter
4360
+ letter.]
4361
+ letter]
4362
+ letters
4363
+ letters.]
4364
+ level
4365
+ levied
4366
+ levies,
4367
+ lewdness
4368
+ liar,
4369
+ liberal
4370
+ liberal-conceited
4371
+ libertine,
4372
+ liberty
4373
+ liberty,
4374
+ liberty.
4375
+ license
4376
+ lick
4377
+ lids
4378
+ lie
4379
+ lie,
4380
+ lief
4381
+ liege
4382
+ liege,
4383
+ liege.
4384
+ liegemen
4385
+ lien
4386
+ lies
4387
+ liest
4388
+ liest.
4389
+ life
4390
+ life's
4391
+ life,
4392
+ life-rend'ring
4393
+ life.
4394
+ life?
4395
+ lifted
4396
+ lifts
4397
+ light
4398
+ light,
4399
+ light.
4400
+ lightest
4401
+ lightness,
4402
+ lights
4403
+ lights!
4404
+ lights,
4405
+ like
4406
+ like,
4407
+ like.
4408
+ likelihood
4409
+ likely,
4410
+ likeness.
4411
+ likes
4412
+ likewise
4413
+ limbs
4414
+ limbs,
4415
+ limed
4416
+ line
4417
+ line--let
4418
+ lines
4419
+ lines,
4420
+ lines.
4421
+ linked,
4422
+ lion's
4423
+ lips
4424
+ lips,
4425
+ liquid
4426
+ liquor
4427
+ liquor.
4428
+ lisp;
4429
+ list
4430
+ list!
4431
+ list,
4432
+ lists,
4433
+ little
4434
+ little,
4435
+ little.
4436
+ littlest
4437
+ live
4438
+ live,
4439
+ live.
4440
+ lived
4441
+ lived!
4442
+ livery
4443
+ lives
4444
+ livest;
4445
+ living
4446
+ lo,
4447
+ load
4448
+ loam
4449
+ loam;
4450
+ loan
4451
+ loathsome
4452
+ lobby.
4453
+ lock
4454
+ locked,
4455
+ locked.
4456
+ locks
4457
+ lodge
4458
+ lodged
4459
+ lofty
4460
+ loggets
4461
+ loins
4462
+ loneliness.--We
4463
+ long
4464
+ long.
4465
+ long;
4466
+ long?
4467
+ longed
4468
+ longer
4469
+ longer!),
4470
+ longer.
4471
+ look
4472
+ look,
4473
+ look?
4474
+ looked
4475
+ looks
4476
+ looks,
4477
+ looks;
4478
+ loose
4479
+ loose!
4480
+ loosed
4481
+ lord
4482
+ lord!
4483
+ lord's
4484
+ lord,
4485
+ lord--
4486
+ lord--Hercules
4487
+ lord--and
4488
+ lord.
4489
+ lord:
4490
+ lord;
4491
+ lord?
4492
+ lord?"
4493
+ lose
4494
+ lose,
4495
+ lose.
4496
+ loser?
4497
+ loses
4498
+ losing
4499
+ loss
4500
+ lost
4501
+ lost,
4502
+ lost.
4503
+ lot,
4504
+ loud
4505
+ loud,
4506
+ loudly
4507
+ love
4508
+ love,
4509
+ love--
4510
+ love.
4511
+ love.--How
4512
+ love.]
4513
+ love?
4514
+ loved
4515
+ loved.
4516
+ lover
4517
+ loves
4518
+ loves,
4519
+ loves.
4520
+ loving
4521
+ lovingly,
4522
+ low
4523
+ lowest
4524
+ lug
4525
+ lunacy.
4526
+ lunacy?
4527
+ lungs
4528
+ lungs?
4529
+ lust
4530
+ lust,
4531
+ luxury
4532
+ lying.
4533
+ machine
4534
+ mad
4535
+ mad,
4536
+ mad.
4537
+ mad?
4538
+ madam,
4539
+ madam--by
4540
+ madam.
4541
+ madam?
4542
+ made
4543
+ made,
4544
+ made.
4545
+ madness
4546
+ madness,
4547
+ madness.
4548
+ madness:
4549
+ madness;
4550
+ madness?
4551
+ maggots
4552
+ maggots.
4553
+ magic
4554
+ maid
4555
+ maid's
4556
+ maid,
4557
+ maiden
4558
+ maids
4559
+ maids'
4560
+ maimed
4561
+ main
4562
+ main--
4563
+ mainly
4564
+ maintains
4565
+ majestical
4566
+ majestical,
4567
+ majesty
4568
+ make
4569
+ make),
4570
+ make,
4571
+ makes
4572
+ making
4573
+ malefactions;
4574
+ malicious
4575
+ mallecho.
4576
+ man
4577
+ man's
4578
+ man,
4579
+ man.
4580
+ man;
4581
+ mandate;
4582
+ manner
4583
+ manners)
4584
+ manners--that
4585
+ mantle
4586
+ many
4587
+ many.
4588
+ marble
4589
+ march
4590
+ march?
4591
+ marching,
4592
+ margent
4593
+ mark
4594
+ mark,
4595
+ mark.
4596
+ market
4597
+ marriage
4598
+ marriage,
4599
+ marriage.
4600
+ married
4601
+ married.
4602
+ marrow
4603
+ marry
4604
+ marry,
4605
+ marry--
4606
+ marshal
4607
+ mart
4608
+ martial
4609
+ marvel
4610
+ marvelous
4611
+ mason,
4612
+ mass
4613
+ massy
4614
+ master's
4615
+ masterly
4616
+ masters
4617
+ masters;
4618
+ match
4619
+ matched,
4620
+ matin
4621
+ matron's
4622
+ matter
4623
+ matter,
4624
+ matter--
4625
+ matter.
4626
+ matter?
4627
+ matters
4628
+ matters?
4629
+ may
4630
+ may,
4631
+ may.
4632
+ mayst
4633
+ mazard
4634
+ me
4635
+ me!
4636
+ me"?
4637
+ me)
4638
+ me),
4639
+ me,
4640
+ me--this
4641
+ me.
4642
+ me."
4643
+ me.--Stay,
4644
+ me:
4645
+ me;
4646
+ me?
4647
+ mean
4648
+ mean,
4649
+ mean?
4650
+ meaning.
4651
+ means
4652
+ means,
4653
+ means.
4654
+ meant
4655
+ meant?
4656
+ meantime
4657
+ meats
4658
+ med'cine
4659
+ meditation
4660
+ meed
4661
+ meet
4662
+ meet.
4663
+ meeting
4664
+ meeting.
4665
+ melancholy
4666
+ melancholy,
4667
+ mellow
4668
+ melodious
4669
+ melt
4670
+ melt,
4671
+ memory
4672
+ memory,
4673
+ men
4674
+ men's
4675
+ men,
4676
+ men.
4677
+ mend
4678
+ mercy
4679
+ mercy,
4680
+ mere
4681
+ merely
4682
+ merely.
4683
+ merit
4684
+ mermaid-like
4685
+ merriment
4686
+ merry,
4687
+ merry?
4688
+ mess.
4689
+ message
4690
+ messenger
4691
+ messengers,
4692
+ met
4693
+ metal
4694
+ metals
4695
+ methinks
4696
+ methinks.
4697
+ method
4698
+ method,
4699
+ methought
4700
+ mettle
4701
+ mew,
4702
+ miching
4703
+ middle
4704
+ midnight
4705
+ might
4706
+ might,
4707
+ might,"
4708
+ mightier.
4709
+ mightiest
4710
+ mighty
4711
+ mighty,
4712
+ milch
4713
+ mildewed
4714
+ milk,
4715
+ milky
4716
+ million:
4717
+ mincing
4718
+ mind
4719
+ mind's
4720
+ mind,
4721
+ mind.
4722
+ minds
4723
+ minds.
4724
+ mine
4725
+ mine)
4726
+ mine,
4727
+ mine.
4728
+ mineral
4729
+ mines
4730
+ mining
4731
+ minist'ring
4732
+ minister.
4733
+ ministers
4734
+ minute,
4735
+ minutes
4736
+ miraculous
4737
+ mirror
4738
+ mirror,
4739
+ mirth
4740
+ mirth,
4741
+ mis-take
4742
+ mischance
4743
+ mischief.
4744
+ miss
4745
+ mistook
4746
+ mistress
4747
+ mistress!
4748
+ mixture
4749
+ moan.
4750
+ mobled
4751
+ mock
4752
+ mockery.
4753
+ model
4754
+ moderate
4755
+ modesties
4756
+ modesty
4757
+ modesty,
4758
+ moiety
4759
+ moist
4760
+ mold
4761
+ mole
4762
+ mole.
4763
+ molt
4764
+ moment
4765
+ monarchs
4766
+ money
4767
+ monster,
4768
+ monsters
4769
+ monstrous
4770
+ month
4771
+ month,
4772
+ months
4773
+ months,
4774
+ monument.
4775
+ mood
4776
+ moods,
4777
+ moon
4778
+ moon,
4779
+ moon.
4780
+ moons
4781
+ moor?
4782
+ mope.
4783
+ more
4784
+ more!
4785
+ more,
4786
+ more--and
4787
+ more.
4788
+ morn
4789
+ morn,
4790
+ morning
4791
+ morning,
4792
+ morrow,
4793
+ mortal
4794
+ mortised
4795
+ most
4796
+ mote
4797
+ mother
4798
+ mother!
4799
+ mother's
4800
+ mother,
4801
+ mother.
4802
+ mother.--
4803
+ mothers,
4804
+ motion
4805
+ motion,
4806
+ motion;
4807
+ motions
4808
+ motive
4809
+ motive,
4810
+ mount
4811
+ mount,
4812
+ mountain
4813
+ mountains
4814
+ mountains,
4815
+ mountebank
4816
+ mourn
4817
+ mourned
4818
+ mourning
4819
+ mouse
4820
+ mouse,
4821
+ mouth
4822
+ mouth,
4823
+ mouthed,
4824
+ mouths
4825
+ move
4826
+ move,
4827
+ moved,
4828
+ moves
4829
+ moving
4830
+ much
4831
+ much,
4832
+ muddied,
4833
+ muddy
4834
+ muddy-mettled
4835
+ multitude,
4836
+ murd'ring
4837
+ murd'rous,
4838
+ murder
4839
+ murder!
4840
+ murder"?
4841
+ murder,
4842
+ murder.
4843
+ murder:
4844
+ murdered,
4845
+ murderer
4846
+ murderer.
4847
+ music
4848
+ music!
4849
+ music,
4850
+ music.
4851
+ musicked
4852
+ must
4853
+ must.
4854
+ musty.
4855
+ mute
4856
+ mutes
4857
+ mutine
4858
+ mutines
4859
+ my
4860
+ myself
4861
+ myself!
4862
+ myself,
4863
+ myself.
4864
+ mystery,
4865
+ naked
4866
+ name
4867
+ name's
4868
+ name,
4869
+ name.
4870
+ napkin;
4871
+ narrow
4872
+ nasty
4873
+ nation
4874
+ nation.
4875
+ nations.
4876
+ native
4877
+ natural
4878
+ natural,
4879
+ nature
4880
+ nature's
4881
+ nature,
4882
+ nature.
4883
+ nature;
4884
+ natures.
4885
+ naught,
4886
+ naught.
4887
+ nave
4888
+ nay,
4889
+ ne'er
4890
+ near
4891
+ near.
4892
+ nearer
4893
+ necessaries
4894
+ necessary
4895
+ necessity,
4896
+ neck
4897
+ neck.
4898
+ need
4899
+ need,
4900
+ needful
4901
+ needs
4902
+ neglect.
4903
+ neglected
4904
+ negligence,
4905
+ neighbor
4906
+ neighbored
4907
+ neither
4908
+ neither,
4909
+ neither.
4910
+ nephew
4911
+ nephew's
4912
+ nerve.
4913
+ nettles,
4914
+ neutral
4915
+ never
4916
+ never,
4917
+ new
4918
+ new-hatched,
4919
+ newborn
4920
+ newly
4921
+ news
4922
+ news,
4923
+ news.
4924
+ news?
4925
+ next
4926
+ next,
4927
+ nickname
4928
+ night
4929
+ night's
4930
+ night,
4931
+ night.
4932
+ nighted
4933
+ nightly
4934
+ nights
4935
+ nill
4936
+ nine
4937
+ nine,
4938
+ nipping
4939
+ no
4940
+ no,
4941
+ no.
4942
+ no?
4943
+ nobility
4944
+ noble
4945
+ nobler
4946
+ noblest
4947
+ nods
4948
+ noise
4949
+ noise.
4950
+ noise?
4951
+ nomination
4952
+ non
4953
+ nonce,
4954
+ none
4955
+ none,
4956
+ none.
4957
+ nonny,
4958
+ nor
4959
+ north-north-west.
4960
+ northerly.
4961
+ nose
4962
+ nose?
4963
+ not
4964
+ not,
4965
+ not.
4966
+ not;
4967
+ not?
4968
+ note
4969
+ note,
4970
+ noted
4971
+ notes,
4972
+ nothing
4973
+ nothing!
4974
+ nothing's
4975
+ nothing,
4976
+ nothing--a--meet.
4977
+ nothing--no,
4978
+ nothing.
4979
+ now
4980
+ now!
4981
+ now,
4982
+ now.
4983
+ now;
4984
+ now?
4985
+ nowadays
4986
+ nowhere
4987
+ noyance,
4988
+ numbers
4989
+ numbers.
4990
+ nunnery,
4991
+ nunnery.
4992
+ nutshell
4993
+ o'
4994
+ o'er
4995
+ o'ercrows
4996
+ o'erdoing
4997
+ o'erdone
4998
+ o'ergrowth
4999
+ o'erhanging
5000
+ o'erhasty
5001
+ o'erhear
5002
+ o'erleavens
5003
+ o'erraught
5004
+ o'erreaches,
5005
+ o'errule
5006
+ o'ersized
5007
+ o'erstep
5008
+ o'ersways
5009
+ o'erteemed
5010
+ o'erthrown!
5011
+ o'ertook
5012
+ o'ertop
5013
+ o'erweigh
5014
+ o'erwhelm
5015
+ oath,
5016
+ oaths--O,
5017
+ obedience,
5018
+ obey
5019
+ obey,
5020
+ obeys,
5021
+ object
5022
+ objects,
5023
+ obligation
5024
+ oblivion
5025
+ obscure
5026
+ obsequies
5027
+ obsequious
5028
+ observance,
5029
+ observance.
5030
+ observant
5031
+ observation
5032
+ observe
5033
+ observed
5034
+ observers,
5035
+ obstinate
5036
+ occasion
5037
+ occasion.
5038
+ occasions
5039
+ occulted
5040
+ occurrents,
5041
+ ocean,
5042
+ odd
5043
+ odds
5044
+ odds.
5045
+ odds;
5046
+ of
5047
+ of!--Hold
5048
+ of,
5049
+ of.
5050
+ of?
5051
+ off
5052
+ off!
5053
+ off,
5054
+ off.
5055
+ off.]
5056
+ offal.
5057
+ offend
5058
+ offended.
5059
+ offendendo;
5060
+ offender's
5061
+ offends
5062
+ offense
5063
+ offense,
5064
+ offense.
5065
+ offense?
5066
+ offenses
5067
+ offer
5068
+ offer,
5069
+ offered
5070
+ office,
5071
+ officers
5072
+ officers.
5073
+ oft
5074
+ oft.
5075
+ often
5076
+ oh,
5077
+ old
5078
+ old,
5079
+ omen
5080
+ ominous
5081
+ on
5082
+ on)
5083
+ on,
5084
+ on.
5085
+ on;
5086
+ once
5087
+ once,
5088
+ once.
5089
+ once;
5090
+ one
5091
+ one,
5092
+ one--
5093
+ one.
5094
+ one?
5095
+ ones
5096
+ only
5097
+ ope
5098
+ oped
5099
+ open
5100
+ opened,
5101
+ operant
5102
+ opinion
5103
+ opinions
5104
+ opinions;
5105
+ opposed
5106
+ opposing,
5107
+ opposite
5108
+ opposites.
5109
+ opposition
5110
+ oppressed
5111
+ oppression
5112
+ oppressor's
5113
+ or
5114
+ or,
5115
+ orb
5116
+ orbed
5117
+ orchard,
5118
+ order
5119
+ order,
5120
+ orderly
5121
+ ordinant.
5122
+ ordnance
5123
+ ore
5124
+ organ,
5125
+ organ.
5126
+ origin
5127
+ origin),
5128
+ orisons
5129
+ ostentation)
5130
+ other
5131
+ other,
5132
+ other.
5133
+ others
5134
+ others,
5135
+ others.
5136
+ others.]
5137
+ otherwise.
5138
+ otherwise?
5139
+ otherwise?),
5140
+ our
5141
+ ours,
5142
+ ourself
5143
+ ourself,
5144
+ ourselves
5145
+ ourselves.
5146
+ out
5147
+ out,
5148
+ out-Herods
5149
+ out.
5150
+ out.--Adieu,
5151
+ outbreak
5152
+ outface
5153
+ outlive
5154
+ outlives
5155
+ outrageous
5156
+ outstretched
5157
+ outward
5158
+ outwards,
5159
+ over
5160
+ overcame
5161
+ overcome
5162
+ overdone
5163
+ overhappy.
5164
+ overlooked
5165
+ overpeering
5166
+ overthrown;
5167
+ owl
5168
+ own
5169
+ own,
5170
+ own.
5171
+ owner
5172
+ pace
5173
+ pace.
5174
+ packet,
5175
+ packing.
5176
+ paddling
5177
+ paddock,
5178
+ pagan,
5179
+ paid
5180
+ pain
5181
+ paint
5182
+ painted
5183
+ painting
5184
+ paintings
5185
+ pair
5186
+ pale
5187
+ pale.
5188
+ pales
5189
+ pall;
5190
+ palm
5191
+ palmy
5192
+ palpable
5193
+ panders
5194
+ pangs
5195
+ pansies,
5196
+ paper.]
5197
+ paradox,
5198
+ paragon
5199
+ parching
5200
+ parchment
5201
+ pardon
5202
+ pardon)
5203
+ pardon,
5204
+ pardon.
5205
+ pardoned
5206
+ parle,
5207
+ parle.
5208
+ part
5209
+ part,
5210
+ partial,
5211
+ particular
5212
+ particular.
5213
+ partisan?
5214
+ parts
5215
+ party
5216
+ pass
5217
+ pass,
5218
+ passage,
5219
+ passage?
5220
+ passages
5221
+ passes
5222
+ passing
5223
+ passion
5224
+ passion's
5225
+ passion,
5226
+ passion.
5227
+ passionate
5228
+ passions
5229
+ past,
5230
+ past.
5231
+ pastime.
5232
+ pastime?
5233
+ pastoral,
5234
+ pastoral-comical,
5235
+ pastors
5236
+ pat,
5237
+ patch
5238
+ patches--
5239
+ pate
5240
+ path
5241
+ patience
5242
+ patience!
5243
+ patience.
5244
+ patient
5245
+ patient,
5246
+ patiently.
5247
+ pause
5248
+ pause,
5249
+ pause.
5250
+ pay
5251
+ pay,
5252
+ peace
5253
+ peace,
5254
+ peace-parted
5255
+ peace.
5256
+ peak
5257
+ peal
5258
+ pearl
5259
+ peasant
5260
+ pebbles
5261
+ peculiar
5262
+ peep
5263
+ peep,
5264
+ peevish
5265
+ pelican,
5266
+ pendant
5267
+ penetrable
5268
+ people
5269
+ perceive?
5270
+ perceived
5271
+ perchance
5272
+ perdition
5273
+ perdy.
5274
+ perfect
5275
+ perfections.
5276
+ perform.
5277
+ performance,
5278
+ performed
5279
+ perfume
5280
+ perhaps
5281
+ perhaps,
5282
+ perilous
5283
+ periwig-pated
5284
+ permanent,
5285
+ pernicious
5286
+ persever
5287
+ person
5288
+ person,
5289
+ person.
5290
+ personal
5291
+ persons
5292
+ persuade
5293
+ perturbed
5294
+ perusal
5295
+ peruse
5296
+ pester
5297
+ pestilence
5298
+ pestilent
5299
+ petard;
5300
+ petition,
5301
+ petty
5302
+ philosophy
5303
+ philosophy.
5304
+ phrase
5305
+ phrase,
5306
+ phrase.
5307
+ phrase;
5308
+ physic
5309
+ pickax
5310
+ picked
5311
+ pickers
5312
+ picks
5313
+ picture
5314
+ pictures
5315
+ piece
5316
+ piece,
5317
+ pieces
5318
+ pigeon-livered
5319
+ pile
5320
+ pin's
5321
+ pioner!
5322
+ pious
5323
+ pipe
5324
+ pipe?
5325
+ pirate
5326
+ pit
5327
+ pit!
5328
+ pitch
5329
+ piteous
5330
+ pith
5331
+ pitied.
5332
+ pitiful
5333
+ pity
5334
+ pity,
5335
+ place
5336
+ place,
5337
+ place.
5338
+ placed
5339
+ placed,
5340
+ places
5341
+ plague
5342
+ plague,
5343
+ plain
5344
+ planets
5345
+ plast'ring
5346
+ platform
5347
+ platform,
5348
+ plausive
5349
+ play
5350
+ play's
5351
+ play,
5352
+ play.
5353
+ play.--
5354
+ play.]
5355
+ play;
5356
+ play?
5357
+ played
5358
+ player
5359
+ players
5360
+ players,
5361
+ players.
5362
+ players;
5363
+ players?
5364
+ playing
5365
+ playing,
5366
+ plays
5367
+ please
5368
+ please,
5369
+ please--marry,
5370
+ please.
5371
+ pleased
5372
+ pleasing
5373
+ pleasure
5374
+ pleasure.
5375
+ pleasures
5376
+ pleasures,
5377
+ pledge.
5378
+ plentiful
5379
+ pleurisy,
5380
+ plot
5381
+ plots
5382
+ pluck
5383
+ plucks
5384
+ plum-tree
5385
+ plunge
5386
+ ply
5387
+ pocket--
5388
+ pocky
5389
+ poem
5390
+ poet
5391
+ point
5392
+ point:
5393
+ points
5394
+ poison
5395
+ poison.]
5396
+ poisoned
5397
+ poisoned.
5398
+ poisoner
5399
+ poisoning?
5400
+ poisons
5401
+ pole
5402
+ policy
5403
+ politic
5404
+ politician
5405
+ poll.
5406
+ pomp
5407
+ ponderous
5408
+ poniards,
5409
+ poor
5410
+ poor,
5411
+ porches
5412
+ porpentine.
5413
+ portal!
5414
+ portentous
5415
+ portraiture
5416
+ positively
5417
+ possessed
5418
+ possession
5419
+ posset
5420
+ possible
5421
+ possible?
5422
+ post
5423
+ posthaste
5424
+ postscript
5425
+ posy
5426
+ potency.
5427
+ potent
5428
+ potently
5429
+ potion.
5430
+ pound.
5431
+ pour
5432
+ poured
5433
+ pours
5434
+ power
5435
+ power,
5436
+ powerfully
5437
+ powers
5438
+ powers,
5439
+ practice
5440
+ practice.
5441
+ practices
5442
+ praise
5443
+ praised
5444
+ praises
5445
+ pranks
5446
+ prate
5447
+ prating
5448
+ pray
5449
+ pray'st
5450
+ pray,
5451
+ pray.
5452
+ prayer
5453
+ prayers
5454
+ prayers,
5455
+ preaching
5456
+ precedent
5457
+ preceding
5458
+ precepts
5459
+ precious
5460
+ precisely
5461
+ precurse
5462
+ pregnant
5463
+ prenominate
5464
+ preparation
5465
+ preparations,
5466
+ prepare
5467
+ prepared
5468
+ prepared.
5469
+ prescripts
5470
+ presence
5471
+ presence.
5472
+ present
5473
+ presently
5474
+ presently.
5475
+ presentment
5476
+ pressure.
5477
+ pressures
5478
+ prettiness.
5479
+ pretty
5480
+ prevent
5481
+ prevent,
5482
+ prey
5483
+ prick
5484
+ pricked
5485
+ pride,
5486
+ priest,
5487
+ primal
5488
+ primrose
5489
+ primy
5490
+ prince,
5491
+ princes
5492
+ prison
5493
+ prison.
5494
+ prisoner
5495
+ prisoner.
5496
+ prithee
5497
+ prithee,
5498
+ private
5499
+ privates
5500
+ privy
5501
+ prize
5502
+ probation.
5503
+ proceed
5504
+ proceed?
5505
+ proceeded
5506
+ proceeding
5507
+ process
5508
+ process,
5509
+ process.
5510
+ proclaim
5511
+ proclaimed
5512
+ proclaims
5513
+ prodigal
5514
+ profane
5515
+ profanely,
5516
+ profession.
5517
+ profit
5518
+ profit,
5519
+ profound
5520
+ profoundest
5521
+ progress
5522
+ project
5523
+ prologue
5524
+ prolongs
5525
+ promise
5526
+ promise-crammed.
5527
+ promised
5528
+ promontory;
5529
+ pronounced
5530
+ pronounced.
5531
+ pronouncing
5532
+ proof
5533
+ proof,
5534
+ proof.
5535
+ proper
5536
+ property
5537
+ prophesy
5538
+ prophetic
5539
+ proportions
5540
+ propose,
5541
+ proposer
5542
+ props
5543
+ prosperously
5544
+ protest
5545
+ protestation
5546
+ proud
5547
+ proud,
5548
+ prove
5549
+ proved
5550
+ proved),
5551
+ proverb
5552
+ provide.
5553
+ provided
5554
+ providence
5555
+ provoke
5556
+ public
5557
+ puffed
5558
+ puh!
5559
+ pulls
5560
+ pulse
5561
+ punish
5562
+ punished
5563
+ puppets
5564
+ purchases,
5565
+ pure
5566
+ pure:
5567
+ purer
5568
+ purgation
5569
+ purged
5570
+ purging
5571
+ purples,
5572
+ purport
5573
+ purpose
5574
+ purpose,
5575
+ purpose.
5576
+ purposed
5577
+ purposed,
5578
+ purposes
5579
+ purposes.
5580
+ purse
5581
+ purse,
5582
+ pursue
5583
+ pursues
5584
+ pursy
5585
+ push.--
5586
+ put
5587
+ puts
5588
+ puzzles
5589
+ quaintly
5590
+ quake
5591
+ qualifies
5592
+ quality
5593
+ quality.
5594
+ quantity
5595
+ quantity,
5596
+ quarrel
5597
+ quarrel,
5598
+ quarry
5599
+ quartered,
5600
+ queen
5601
+ queen"
5602
+ queen"?
5603
+ queen,
5604
+ queen--
5605
+ queen-mother
5606
+ queen.
5607
+ question
5608
+ question,
5609
+ question.
5610
+ question:
5611
+ questionable
5612
+ quick
5613
+ quick.
5614
+ quick;
5615
+ quickly
5616
+ quickness.
5617
+ quicksilver
5618
+ quiddities
5619
+ quiet
5620
+ quiet.
5621
+ quietly
5622
+ quietus
5623
+ quillities,
5624
+ quills
5625
+ quintessence
5626
+ quit
5627
+ quite
5628
+ quite,
5629
+ rabble
5630
+ rack
5631
+ radiant
5632
+ rage
5633
+ rage!
5634
+ rage,
5635
+ rages,
5636
+ rags,
5637
+ rain
5638
+ rained
5639
+ raised
5640
+ range.
5641
+ rank
5642
+ rank,
5643
+ ranker
5644
+ ranker.
5645
+ rant
5646
+ rapier
5647
+ rapier,
5648
+ rapiers
5649
+ rapiers,
5650
+ rare,
5651
+ rareness
5652
+ rascal,
5653
+ rash
5654
+ rash,
5655
+ rashness
5656
+ rat,
5657
+ rat,"
5658
+ rat?
5659
+ rate
5660
+ rate,
5661
+ rather
5662
+ rather,
5663
+ ratified
5664
+ ratifiers
5665
+ ravel
5666
+ raven
5667
+ raves
5668
+ raw
5669
+ rawer
5670
+ razed
5671
+ reach,
5672
+ reaches
5673
+ read,
5674
+ readiness
5675
+ reading
5676
+ reading.
5677
+ reads
5678
+ reads.]
5679
+ ready
5680
+ ready,
5681
+ ready.
5682
+ ready?
5683
+ really.
5684
+ realm
5685
+ rear
5686
+ reason
5687
+ reason),
5688
+ reason,
5689
+ reason.
5690
+ reasons
5691
+ reasons,
5692
+ rebellion
5693
+ rebels,
5694
+ rebuke
5695
+ receive
5696
+ received
5697
+ reck'ning
5698
+ reckless
5699
+ reckon
5700
+ recks
5701
+ recognizances,
5702
+ reconcilement
5703
+ recorder
5704
+ recorders!
5705
+ recorders.]
5706
+ records,
5707
+ recount
5708
+ recover
5709
+ recoveries,
5710
+ recoveries.
5711
+ recovery
5712
+ red
5713
+ red?
5714
+ rede.
5715
+ redeliver.
5716
+ reechy
5717
+ reels;
5718
+ reform
5719
+ reformed
5720
+ regard
5721
+ regard,
5722
+ regards
5723
+ region
5724
+ region;
5725
+ reigns
5726
+ relative
5727
+ relief
5728
+ relieved
5729
+ religion
5730
+ religious
5731
+ relish
5732
+ remain
5733
+ remainder
5734
+ remains
5735
+ remains,
5736
+ remedy.
5737
+ remember
5738
+ remember,
5739
+ remember.
5740
+ remember?
5741
+ remembered.
5742
+ remembrance
5743
+ remembrance.
5744
+ remembrances
5745
+ remiss,
5746
+ remorse
5747
+ remove,
5748
+ remove;
5749
+ removed
5750
+ rend
5751
+ render
5752
+ rendezvous.
5753
+ repair
5754
+ repel
5755
+ repelled
5756
+ repent;
5757
+ repent?
5758
+ repentance
5759
+ replication
5760
+ replies
5761
+ reply.
5762
+ report
5763
+ repose
5764
+ reputation
5765
+ request.
5766
+ requiem
5767
+ requite
5768
+ resemble
5769
+ reserve
5770
+ reserved
5771
+ residence,
5772
+ resolutes
5773
+ resolution
5774
+ resolve
5775
+ resort,
5776
+ respect
5777
+ respects
5778
+ responsive
5779
+ rest
5780
+ rest!
5781
+ rest,
5782
+ rest.
5783
+ restore
5784
+ restrained,
5785
+ rests
5786
+ rests?
5787
+ retain
5788
+ retirement
5789
+ retrograde
5790
+ return
5791
+ return,
5792
+ return.
5793
+ returned
5794
+ returned,
5795
+ returned.
5796
+ returneth
5797
+ returns,
5798
+ reveal
5799
+ revel
5800
+ revels,
5801
+ revenge
5802
+ revenge,
5803
+ revenge.
5804
+ revenge;
5805
+ revenged
5806
+ revenged.
5807
+ revengeful,
5808
+ revenue
5809
+ reverend
5810
+ reverted
5811
+ revolution,
5812
+ rewards
5813
+ rewards,
5814
+ reword,
5815
+ rhapsody
5816
+ rheum,
5817
+ rhymed.
5818
+ ribbon
5819
+ rich.
5820
+ richer
5821
+ right
5822
+ right!
5823
+ right,
5824
+ right.
5825
+ rights
5826
+ ring.
5827
+ ring?
5828
+ riotous
5829
+ ripe
5830
+ rise
5831
+ rise,
5832
+ rises
5833
+ rises.
5834
+ rises.]
5835
+ rite
5836
+ rites?
5837
+ rivals
5838
+ river
5839
+ rivet
5840
+ roar
5841
+ roar?
5842
+ roars
5843
+ robe,
5844
+ robustious,
5845
+ rock
5846
+ rogue
5847
+ rogue!
5848
+ roles
5849
+ rood,
5850
+ roof,
5851
+ room
5852
+ room.
5853
+ roots
5854
+ rose
5855
+ rosemary,
5856
+ roses
5857
+ rot?
5858
+ rotten
5859
+ roughly.
5860
+ round
5861
+ rouse
5862
+ rouse,
5863
+ row
5864
+ royal
5865
+ royal;
5866
+ rub
5867
+ rub,
5868
+ rude
5869
+ rue
5870
+ rugged
5871
+ ruin.
5872
+ rule,
5873
+ ruled
5874
+ ruled,
5875
+ ruled.
5876
+ rummage
5877
+ run
5878
+ runs
5879
+ russet
5880
+ rusty?
5881
+ sable
5882
+ sables
5883
+ sables.
5884
+ sacred
5885
+ sadly
5886
+ sadness,
5887
+ safe
5888
+ safely,
5889
+ safety
5890
+ safety,
5891
+ said
5892
+ said),
5893
+ said,
5894
+ said.
5895
+ said;
5896
+ sail,
5897
+ sail.
5898
+ salary,
5899
+ sale"--
5900
+ sallets
5901
+ salt
5902
+ salvation
5903
+ salvation?
5904
+ same
5905
+ same,
5906
+ same.
5907
+ sanctified
5908
+ sanctuarize;
5909
+ sandal
5910
+ sanity
5911
+ sans
5912
+ sat
5913
+ sate
5914
+ satirical
5915
+ satisfaction;
5916
+ satisfied
5917
+ satyr;
5918
+ savageness
5919
+ save
5920
+ savory,
5921
+ saw
5922
+ saws
5923
+ say
5924
+ say!
5925
+ say,
5926
+ say--
5927
+ say.
5928
+ say?
5929
+ saying
5930
+ says
5931
+ says:
5932
+ sayst
5933
+ sayst.
5934
+ scale
5935
+ scandal
5936
+ scandal.
5937
+ scanned:
5938
+ scant
5939
+ scanter
5940
+ scarce
5941
+ scarcely
5942
+ scarfed
5943
+ scatters
5944
+ scene
5945
+ scene,
5946
+ scenes,
5947
+ scent
5948
+ scholar's,
5949
+ scholar.
5950
+ scholars,
5951
+ school
5952
+ schoolfellows,
5953
+ sconce
5954
+ scope
5955
+ scope.
5956
+ scorn
5957
+ scorns
5958
+ scourge
5959
+ scratched
5960
+ screened
5961
+ scripture
5962
+ scripture?
5963
+ scruple
5964
+ scuffling
5965
+ se
5966
+ sea
5967
+ sea,
5968
+ sea-fight;
5969
+ sea-gown
5970
+ seal
5971
+ seal,
5972
+ seal;
5973
+ sealed
5974
+ sealed;
5975
+ sealed?
5976
+ seals
5977
+ sear,
5978
+ search.
5979
+ seas,
5980
+ season
5981
+ season,
5982
+ seasoned
5983
+ seasons
5984
+ seat
5985
+ seat,
5986
+ seated
5987
+ second
5988
+ secrecy
5989
+ secrecy,
5990
+ secret
5991
+ secret,
5992
+ secret?
5993
+ secrets
5994
+ secure
5995
+ seduce!--won
5996
+ see
5997
+ see!
5998
+ see,
5999
+ see.
6000
+ see:
6001
+ see?
6002
+ seed.
6003
+ seeing
6004
+ seeing,
6005
+ seek
6006
+ seeks
6007
+ seeks.
6008
+ seem
6009
+ seemed
6010
+ seeming-virtuous
6011
+ seeming.
6012
+ seems
6013
+ seen
6014
+ seen,
6015
+ seen.
6016
+ sees
6017
+ seest
6018
+ seized
6019
+ select
6020
+ self
6021
+ self-slaughter!
6022
+ semblable
6023
+ send
6024
+ sending
6025
+ sending.
6026
+ sends
6027
+ sense
6028
+ sense,
6029
+ sense.
6030
+ senseless
6031
+ sensible
6032
+ sensibly
6033
+ sent
6034
+ sent,
6035
+ sentinels.]
6036
+ separated.]
6037
+ sepulcher,
6038
+ sequel
6039
+ sequent
6040
+ sergeant,
6041
+ serious
6042
+ serpent
6043
+ servant
6044
+ servants
6045
+ servants,
6046
+ serve
6047
+ served
6048
+ served.
6049
+ serves
6050
+ service
6051
+ service--two
6052
+ service.
6053
+ set
6054
+ sets
6055
+ settled
6056
+ seven
6057
+ several
6058
+ sewing
6059
+ sexton
6060
+ sexton's
6061
+ shadow
6062
+ shadow's
6063
+ shadow.
6064
+ shadows.
6065
+ shake
6066
+ shaking
6067
+ shall
6068
+ shall,
6069
+ shalt
6070
+ shame
6071
+ shame!
6072
+ shame,
6073
+ shameful
6074
+ shape
6075
+ shape,
6076
+ shape.
6077
+ shape;
6078
+ shapes
6079
+ share.
6080
+ sharp
6081
+ shatter
6082
+ she
6083
+ she'll
6084
+ she's
6085
+ she,
6086
+ sheathes
6087
+ sheen
6088
+ sheep
6089
+ sheepskins?
6090
+ sheet,
6091
+ sheeted
6092
+ sheets!
6093
+ shelf
6094
+ shell
6095
+ shent,
6096
+ shepherds
6097
+ shift
6098
+ shine.
6099
+ ship
6100
+ ship;
6101
+ shipped
6102
+ shipwright,
6103
+ shipwrights,
6104
+ shirt,
6105
+ shocks
6106
+ shoe?
6107
+ shoes
6108
+ shoes,
6109
+ shook
6110
+ shoon.
6111
+ shoot.
6112
+ short
6113
+ short,
6114
+ short.
6115
+ shortens
6116
+ shortly
6117
+ shot
6118
+ shot,
6119
+ shot.]
6120
+ should
6121
+ shoulder
6122
+ shouldst
6123
+ shove
6124
+ shovel
6125
+ show
6126
+ show,
6127
+ showers.
6128
+ showing.
6129
+ shown
6130
+ shown,
6131
+ shows
6132
+ shreds
6133
+ shrewdly;
6134
+ shrill-sounding
6135
+ shriving
6136
+ shroud
6137
+ shrouding
6138
+ shrunk
6139
+ shuffled
6140
+ shuffling,
6141
+ shuffling;
6142
+ shut
6143
+ sick
6144
+ sicklied
6145
+ sickly
6146
+ sickness
6147
+ sickness,
6148
+ side
6149
+ side.
6150
+ sides,
6151
+ sides.
6152
+ sides.--How
6153
+ siege.
6154
+ sift
6155
+ sigh
6156
+ sigh,
6157
+ sighs;
6158
+ sight
6159
+ sight,
6160
+ sight.
6161
+ sight?
6162
+ signet
6163
+ signify
6164
+ silence
6165
+ silence.
6166
+ silvered.
6167
+ simple
6168
+ simples
6169
+ sin
6170
+ sin's
6171
+ sin,
6172
+ since
6173
+ since,
6174
+ since?
6175
+ sinews
6176
+ sinews,
6177
+ sing
6178
+ sing?
6179
+ singeth
6180
+ single
6181
+ sings
6182
+ sings.]
6183
+ sinners?
6184
+ sins
6185
+ sipping,
6186
+ sir,
6187
+ sir,"
6188
+ sir--
6189
+ sir.
6190
+ sir.--
6191
+ sir;
6192
+ sir?
6193
+ sirrah?
6194
+ sirs,
6195
+ sirs.
6196
+ sister
6197
+ sister's
6198
+ sister,
6199
+ sister.]
6200
+ sit
6201
+ sith
6202
+ sits
6203
+ sits.
6204
+ sitting
6205
+ six
6206
+ sixteen
6207
+ sized,
6208
+ skill
6209
+ skill.
6210
+ skin
6211
+ skins
6212
+ skirts
6213
+ skull
6214
+ skull,
6215
+ skull.]
6216
+ skull]
6217
+ skulls.]
6218
+ skyish
6219
+ slain
6220
+ slain!
6221
+ slain,
6222
+ slain.
6223
+ slain;
6224
+ slain?
6225
+ slander
6226
+ slaughter.
6227
+ slaughters,
6228
+ slave
6229
+ slave's
6230
+ slave,
6231
+ slay
6232
+ sledded
6233
+ sleep
6234
+ sleep,
6235
+ sleep--
6236
+ sleep.
6237
+ sleep:
6238
+ sleeper's
6239
+ sleeping
6240
+ sleeping,
6241
+ sleeps
6242
+ sleeps.
6243
+ slender
6244
+ slight
6245
+ slightly
6246
+ slightly,
6247
+ slings
6248
+ slips
6249
+ sliver
6250
+ slow
6251
+ small
6252
+ smart
6253
+ smeared
6254
+ smelling
6255
+ smells
6256
+ smelt
6257
+ smile
6258
+ smiles
6259
+ smiling
6260
+ smiling,
6261
+ smooth
6262
+ smoothness.
6263
+ smote
6264
+ snatches
6265
+ snow,
6266
+ snow--
6267
+ snow?
6268
+ snuff
6269
+ so
6270
+ so)
6271
+ so,
6272
+ so,"
6273
+ so.
6274
+ so."
6275
+ so:
6276
+ so;
6277
+ so?
6278
+ soaks
6279
+ sober,
6280
+ society
6281
+ soft
6282
+ soft,
6283
+ softly
6284
+ soil
6285
+ soiled
6286
+ sold
6287
+ soldier
6288
+ soldier's
6289
+ soldier's,
6290
+ soldier.
6291
+ soldiers
6292
+ soldiers,
6293
+ soldiers:
6294
+ sole
6295
+ solemn
6296
+ soles
6297
+ solicited--the
6298
+ solicitings,
6299
+ solidity
6300
+ some
6301
+ some'er
6302
+ something
6303
+ something-settled
6304
+ something.
6305
+ sometime
6306
+ sometimes
6307
+ somever
6308
+ son
6309
+ son's
6310
+ son,
6311
+ son--
6312
+ son.
6313
+ son.--
6314
+ son.--Go,
6315
+ son?
6316
+ song?
6317
+ songs
6318
+ songs?
6319
+ sons,
6320
+ soon.--Good
6321
+ sooner
6322
+ sore
6323
+ sorrow
6324
+ sorrow,
6325
+ sorrow.
6326
+ sorrows
6327
+ sorry
6328
+ sorry,
6329
+ sorry.
6330
+ sort
6331
+ sorts
6332
+ soul
6333
+ soul!
6334
+ soul's
6335
+ soul,
6336
+ soul.
6337
+ souls
6338
+ souls,
6339
+ souls.
6340
+ souls?
6341
+ sound
6342
+ sound,
6343
+ sounded,
6344
+ sounds.
6345
+ source
6346
+ southerly,
6347
+ sovereign
6348
+ sovereignty
6349
+ space,
6350
+ spacious
6351
+ spade,
6352
+ spade.
6353
+ spake,
6354
+ spark
6355
+ sparrow.
6356
+ speak
6357
+ speak!
6358
+ speak!--Stop
6359
+ speak,
6360
+ speak,"
6361
+ speak.
6362
+ speak;
6363
+ speaks
6364
+ speaks,
6365
+ speaks.
6366
+ special
6367
+ spectators
6368
+ speech
6369
+ speech,
6370
+ speech.
6371
+ speeches
6372
+ speechless,
6373
+ speed
6374
+ speed,
6375
+ speedier
6376
+ speedy
6377
+ spend
6378
+ spendthrift
6379
+ spent.
6380
+ sphere,
6381
+ spheres,
6382
+ spies,
6383
+ spills
6384
+ spilt.
6385
+ spirit
6386
+ spirit,
6387
+ spirit--in
6388
+ spirit.
6389
+ spirit.--So,
6390
+ spirits
6391
+ spirits,
6392
+ spite
6393
+ splenitive
6394
+ split
6395
+ spoke
6396
+ spoken
6397
+ spoken,
6398
+ spokes
6399
+ sponge,
6400
+ sport
6401
+ spots
6402
+ spread
6403
+ spreads
6404
+ spring
6405
+ spring!
6406
+ springe,
6407
+ springes
6408
+ springs
6409
+ spur
6410
+ spurns
6411
+ squeak
6412
+ squeezing
6413
+ staff
6414
+ stage
6415
+ stage,
6416
+ stage.]
6417
+ stage]
6418
+ stages
6419
+ stained,
6420
+ stairs
6421
+ stake.
6422
+ stale,
6423
+ stalk
6424
+ stalks
6425
+ stallion!
6426
+ stamp
6427
+ stand
6428
+ stand,
6429
+ stand.
6430
+ standing
6431
+ stands
6432
+ stands,
6433
+ star
6434
+ star,
6435
+ star.
6436
+ stars
6437
+ stars,
6438
+ start
6439
+ started
6440
+ state
6441
+ state!
6442
+ state)
6443
+ state,
6444
+ state.
6445
+ stately
6446
+ station
6447
+ statists
6448
+ stature
6449
+ statutes,
6450
+ stay
6451
+ stay,
6452
+ stayed
6453
+ stays.
6454
+ steal
6455
+ stealers.
6456
+ stealing
6457
+ steals
6458
+ steel
6459
+ steel,
6460
+ steep
6461
+ steeped,
6462
+ step
6463
+ steps
6464
+ sterile
6465
+ sterling.
6466
+ stern
6467
+ steward
6468
+ stick
6469
+ stick.
6470
+ sticks
6471
+ stiffly
6472
+ still
6473
+ still,
6474
+ still.--Go
6475
+ still;
6476
+ sting
6477
+ stir
6478
+ stir,
6479
+ stirred
6480
+ stirring.
6481
+ stithy.
6482
+ stock
6483
+ stockings
6484
+ stole
6485
+ stomach
6486
+ stone,
6487
+ stone.
6488
+ stones,
6489
+ stood
6490
+ stood,
6491
+ stooping
6492
+ stop
6493
+ stopping
6494
+ stops,
6495
+ stops.
6496
+ storm
6497
+ story
6498
+ story,
6499
+ story.
6500
+ stoup
6501
+ stoups
6502
+ stowed.
6503
+ straight.
6504
+ strange
6505
+ strange,
6506
+ strange.
6507
+ strange;
6508
+ strangely,
6509
+ stranger
6510
+ straw
6511
+ straw.
6512
+ straws,
6513
+ stream.
6514
+ streets,
6515
+ streets;
6516
+ strength
6517
+ strength,
6518
+ strew
6519
+ strewed
6520
+ strewments,
6521
+ strict
6522
+ strife,
6523
+ strike
6524
+ strike,
6525
+ strikes
6526
+ strings
6527
+ strokes.
6528
+ strong
6529
+ strong.
6530
+ stronger
6531
+ strongest
6532
+ struck
6533
+ struck.
6534
+ struck?
6535
+ strucken
6536
+ struggling
6537
+ strumpet
6538
+ strumpet.
6539
+ strutted
6540
+ stubborn
6541
+ stubbornness.
6542
+ stuck,
6543
+ student.
6544
+ study
6545
+ stuff
6546
+ stuff,
6547
+ stung
6548
+ sty!
6549
+ subject
6550
+ subject;
6551
+ substance
6552
+ succession
6553
+ succession?
6554
+ successive
6555
+ such
6556
+ such),
6557
+ such.
6558
+ suchlike
6559
+ sucked
6560
+ sudden
6561
+ suddenly
6562
+ suffer
6563
+ suffered
6564
+ suffering
6565
+ suffers
6566
+ sugar
6567
+ suit
6568
+ suit.
6569
+ suiting
6570
+ suits
6571
+ suits,
6572
+ sulf'rous
6573
+ sullied
6574
+ sullies
6575
+ sultry
6576
+ sultry,
6577
+ sum
6578
+ sum.
6579
+ summit
6580
+ summons.
6581
+ sun
6582
+ sun,
6583
+ sun.
6584
+ sun;
6585
+ superfluous
6586
+ supervise,
6587
+ supper
6588
+ supper.
6589
+ suppliance
6590
+ supply
6591
+ supposal
6592
+ suppress
6593
+ sure
6594
+ sure,
6595
+ surely
6596
+ surmise.
6597
+ surrender
6598
+ survivor
6599
+ suspiration
6600
+ sustain
6601
+ swaddling
6602
+ swagg'ring
6603
+ swallowed.
6604
+ swear
6605
+ swear,
6606
+ swear.
6607
+ swearing,
6608
+ sweat
6609
+ sweaty
6610
+ sweep
6611
+ sweet
6612
+ sweet,
6613
+ swift
6614
+ swinish
6615
+ swoons
6616
+ swoopstake,
6617
+ sword
6618
+ sword,
6619
+ sword.
6620
+ sword.]
6621
+ swords,
6622
+ swore
6623
+ sworn
6624
+ sworn,
6625
+ sworn.
6626
+ synod
6627
+ t'
6628
+ ta'en
6629
+ table
6630
+ table-book
6631
+ table.
6632
+ table.--
6633
+ tables--meet
6634
+ tables.
6635
+ taints
6636
+ take
6637
+ takes
6638
+ takes,
6639
+ tale
6640
+ talk
6641
+ talked
6642
+ tame
6643
+ tame,
6644
+ tanned
6645
+ tanner
6646
+ tar
6647
+ tardy
6648
+ target,
6649
+ task
6650
+ taste
6651
+ tatters,
6652
+ tax
6653
+ taxed
6654
+ teach
6655
+ tear
6656
+ tear.
6657
+ tears
6658
+ tears--why
6659
+ tears.
6660
+ tedious
6661
+ tediousness
6662
+ teeth
6663
+ tell
6664
+ tell,
6665
+ tell.
6666
+ tells
6667
+ temperance
6668
+ temperately
6669
+ tempered
6670
+ tempest,
6671
+ temple
6672
+ tempt
6673
+ ten
6674
+ tenable
6675
+ tenantless,
6676
+ tenants.
6677
+ tend,
6678
+ tend.
6679
+ tend;
6680
+ tender
6681
+ tender,
6682
+ tenders
6683
+ tennis";
6684
+ tent
6685
+ tenures,
6686
+ term
6687
+ terms
6688
+ terms,
6689
+ test,
6690
+ tether
6691
+ tetter
6692
+ th'
6693
+ than
6694
+ thank
6695
+ thanks
6696
+ thanks.
6697
+ thanks;
6698
+ thanks?
6699
+ that
6700
+ that!
6701
+ that's
6702
+ that)
6703
+ that,
6704
+ that.
6705
+ that.--Prithee,
6706
+ that?
6707
+ the
6708
+ theater
6709
+ thee
6710
+ thee,
6711
+ thee.
6712
+ thee.--
6713
+ thee.--Something
6714
+ thee?
6715
+ theft.
6716
+ their
6717
+ them
6718
+ them)
6719
+ them,
6720
+ them.
6721
+ them.--
6722
+ them.--Stand
6723
+ them;
6724
+ them?
6725
+ theme
6726
+ theme?
6727
+ themselves
6728
+ then
6729
+ then,
6730
+ then.
6731
+ then;
6732
+ then?
6733
+ thence
6734
+ there
6735
+ there!
6736
+ there's
6737
+ there,
6738
+ there--a--was
6739
+ there.
6740
+ there.--Be
6741
+ there.--But
6742
+ there?
6743
+ thereabout
6744
+ thereby
6745
+ therefore
6746
+ therein
6747
+ thereof
6748
+ thereon,
6749
+ thereunto
6750
+ these
6751
+ these,
6752
+ these?
6753
+ thews
6754
+ they
6755
+ they'll
6756
+ they're
6757
+ they,
6758
+ they?
6759
+ thick
6760
+ thick,
6761
+ thicker
6762
+ thieves
6763
+ thin
6764
+ thine
6765
+ thine,
6766
+ thine.
6767
+ thing
6768
+ thing's
6769
+ thing--
6770
+ thing.
6771
+ thing?
6772
+ things
6773
+ think
6774
+ think,
6775
+ think.
6776
+ think?
6777
+ thinking
6778
+ third
6779
+ third,
6780
+ thirties
6781
+ thirty
6782
+ this
6783
+ this!
6784
+ this,
6785
+ this--
6786
+ this.
6787
+ this.--
6788
+ this:
6789
+ this?
6790
+ thither
6791
+ thither,
6792
+ thither.
6793
+ thorns
6794
+ thorny
6795
+ those
6796
+ thou
6797
+ thou!
6798
+ thou,
6799
+ thou--
6800
+ thou.
6801
+ thou."
6802
+ though
6803
+ thought
6804
+ thought,
6805
+ thought-sick
6806
+ thoughts
6807
+ thoughts.
6808
+ thoughts;
6809
+ thousand
6810
+ thousand.
6811
+ thralled,
6812
+ threat'ning
6813
+ threaten
6814
+ threats
6815
+ three
6816
+ three-and-twenty
6817
+ three-score
6818
+ three.]
6819
+ thrice
6820
+ thrift
6821
+ thrift,
6822
+ throat
6823
+ throat,
6824
+ throne
6825
+ throne,
6826
+ through
6827
+ throughly
6828
+ throw
6829
+ throw,
6830
+ throwing
6831
+ thrown
6832
+ thrusting
6833
+ thumb,
6834
+ thunder
6835
+ thunder.
6836
+ thunders
6837
+ thus
6838
+ thus)
6839
+ thus,
6840
+ thus.
6841
+ thus:
6842
+ thus?
6843
+ thy
6844
+ thyself,
6845
+ thyself--
6846
+ thyself.
6847
+ tickle
6848
+ till
6849
+ timbered
6850
+ time
6851
+ time,
6852
+ time.
6853
+ times
6854
+ times,
6855
+ tinct.
6856
+ tithe
6857
+ to
6858
+ to!
6859
+ to,
6860
+ to--'tis
6861
+ to-do
6862
+ to.
6863
+ today
6864
+ today,
6865
+ toe
6866
+ toe?
6867
+ together
6868
+ together,
6869
+ together.
6870
+ toil?
6871
+ toils
6872
+ tokens;
6873
+ told
6874
+ tomb
6875
+ tomorrow
6876
+ tomorrow.
6877
+ tongue
6878
+ tongue,
6879
+ tongue.
6880
+ tongue;
6881
+ tongue?
6882
+ tongues
6883
+ tongues,
6884
+ tonight
6885
+ tonight!
6886
+ tonight,
6887
+ tonight.
6888
+ tonight?
6889
+ too
6890
+ too!
6891
+ too,
6892
+ too--at
6893
+ too-much.
6894
+ too.
6895
+ took
6896
+ top
6897
+ top,
6898
+ topped
6899
+ torches.]
6900
+ tormenting
6901
+ torrent,
6902
+ total
6903
+ touch
6904
+ touch,
6905
+ touch.
6906
+ touched,
6907
+ touches
6908
+ touching
6909
+ tow'ring
6910
+ toward
6911
+ town-crier
6912
+ toy
6913
+ toys
6914
+ trace
6915
+ trade
6916
+ traduced
6917
+ tragedians
6918
+ tragedy,
6919
+ tragical-comical-historical-pastoral,
6920
+ tragical-historical,
6921
+ trail
6922
+ trains
6923
+ traitorous
6924
+ transform
6925
+ transformation,
6926
+ translate
6927
+ translate;
6928
+ trappings
6929
+ travel
6930
+ travel?
6931
+ traveler
6932
+ treacherous
6933
+ treacherous,
6934
+ treachery.
6935
+ tread
6936
+ treads
6937
+ treason
6938
+ treason!
6939
+ treasure
6940
+ treble
6941
+ tree
6942
+ tremble
6943
+ trespass
6944
+ trial
6945
+ trial,
6946
+ trial.
6947
+ tributary,
6948
+ tribute
6949
+ tribute.
6950
+ trick
6951
+ trick;
6952
+ tricked
6953
+ tricks
6954
+ tricks?
6955
+ tried,
6956
+ trifle
6957
+ trifling
6958
+ trip
6959
+ trippingly
6960
+ triumph
6961
+ trivial,
6962
+ trophies
6963
+ trophy,
6964
+ trouble
6965
+ troubles
6966
+ truant
6967
+ truant.
6968
+ true
6969
+ true!
6970
+ true,
6971
+ true--a
6972
+ true-love
6973
+ true.
6974
+ true;
6975
+ truepenny?
6976
+ truly
6977
+ truly,
6978
+ truly.
6979
+ trumpet
6980
+ trumpet.
6981
+ trumpets
6982
+ trumpets,
6983
+ truncheon's
6984
+ trust
6985
+ truster
6986
+ truth
6987
+ truth.
6988
+ truth;
6989
+ try
6990
+ tugging
6991
+ tumbled
6992
+ tune
6993
+ turbulent
6994
+ turf,
6995
+ turn
6996
+ turn'st
6997
+ turn.
6998
+ turn?
6999
+ turned
7000
+ turned,
7001
+ turneth
7002
+ turns
7003
+ tush,
7004
+ tutor.
7005
+ twain!
7006
+ twain.
7007
+ twelve
7008
+ twelve,
7009
+ twelve.
7010
+ twentieth
7011
+ twenty
7012
+ twenty,
7013
+ twice
7014
+ two
7015
+ two.
7016
+ twofold
7017
+ tyrannically
7018
+ tyrannous
7019
+ tyrant
7020
+ ubique?
7021
+ ugly
7022
+ ulcer:
7023
+ ulcerous
7024
+ umbrage,
7025
+ unaneled,
7026
+ unbated,
7027
+ unbraced,
7028
+ uncharge
7029
+ uncle
7030
+ uncle!
7031
+ uncle's
7032
+ uncle,
7033
+ uncle-father
7034
+ uncle.
7035
+ unction
7036
+ uncurrent
7037
+ under
7038
+ undergo,
7039
+ understand
7040
+ understanding
7041
+ undertake
7042
+ undertakings
7043
+ undiscovered
7044
+ undo
7045
+ uneffectual
7046
+ unfellowed.
7047
+ unfledged
7048
+ unfold
7049
+ unfold.
7050
+ unforced
7051
+ unfortified,
7052
+ ungalled
7053
+ ungored.
7054
+ ungracious
7055
+ unhappily.
7056
+ unholy
7057
+ unimproved
7058
+ union
7059
+ university,
7060
+ unkennel
7061
+ unkind.
7062
+ unknowing
7063
+ unknown
7064
+ unknown,
7065
+ unless
7066
+ unlimited.
7067
+ unmanly
7068
+ unmannerly.
7069
+ unmask
7070
+ unmastered
7071
+ unmatched
7072
+ unnatural
7073
+ unnatural.
7074
+ unnerved
7075
+ unpack
7076
+ unpolluted
7077
+ unpregnant
7078
+ unprevailing
7079
+ unprofitable
7080
+ unproportioned
7081
+ unreclaimed
7082
+ unrighteous
7083
+ unripe,
7084
+ unsanctified
7085
+ unsatisfied.
7086
+ unschooled.
7087
+ unseen
7088
+ unseen,
7089
+ unseen.
7090
+ unshaken
7091
+ unshaped
7092
+ unsinewed,
7093
+ unskillful
7094
+ unsmirched
7095
+ unsure
7096
+ untimely
7097
+ unto
7098
+ unused.
7099
+ unvalued
7100
+ unwatched
7101
+ unweeded
7102
+ unwholesome
7103
+ unworthiest
7104
+ unworthy
7105
+ unwrung.
7106
+ unyoke.
7107
+ up
7108
+ up,
7109
+ up--
7110
+ up.
7111
+ uphoarded
7112
+ upon
7113
+ upon--
7114
+ upon.
7115
+ upshot,
7116
+ upspring
7117
+ us
7118
+ us!
7119
+ us),
7120
+ us,
7121
+ us.
7122
+ us?
7123
+ use
7124
+ use:
7125
+ used
7126
+ used,
7127
+ uses
7128
+ usual
7129
+ usurp
7130
+ usurp'st
7131
+ utt'rance
7132
+ utter
7133
+ uttered.
7134
+ vacancy
7135
+ vailed
7136
+ vain
7137
+ valanced
7138
+ valiant
7139
+ validity,
7140
+ valor,
7141
+ vanished
7142
+ vanquisher,
7143
+ vantage
7144
+ vantage.
7145
+ vapors.
7146
+ variable
7147
+ varnish
7148
+ vengeance
7149
+ vengeance!
7150
+ venom
7151
+ venom,
7152
+ venomed
7153
+ ventages
7154
+ verity
7155
+ verse
7156
+ version
7157
+ very
7158
+ very--pajock.
7159
+ vial
7160
+ vice
7161
+ vicious
7162
+ view
7163
+ view,
7164
+ vigor
7165
+ vile
7166
+ villain
7167
+ villain!
7168
+ villain,
7169
+ villain.
7170
+ villainies,
7171
+ villainous
7172
+ villainy!
7173
+ violence
7174
+ violence,
7175
+ violence.
7176
+ violent
7177
+ violet
7178
+ violets
7179
+ violets,
7180
+ virgin
7181
+ virtue
7182
+ virtue,
7183
+ virtues
7184
+ visage
7185
+ visage,
7186
+ vision
7187
+ visit
7188
+ visitation
7189
+ visitation?
7190
+ voice
7191
+ voice,
7192
+ voice.
7193
+ volley.
7194
+ volume
7195
+ vouch
7196
+ vouchers
7197
+ vouchers,
7198
+ vouchsafe
7199
+ vow
7200
+ vows
7201
+ vows,
7202
+ vows.
7203
+ voyage,
7204
+ vulgar
7205
+ vulgar.
7206
+ wag
7207
+ wag!
7208
+ wager
7209
+ wager?
7210
+ wagered
7211
+ waist,
7212
+ wait
7213
+ waits
7214
+ wake
7215
+ walk
7216
+ walk.
7217
+ walked
7218
+ walks
7219
+ wall
7220
+ wand'ring
7221
+ wanned,
7222
+ want
7223
+ wanton
7224
+ wanton,
7225
+ wantonness
7226
+ wants
7227
+ war
7228
+ war,
7229
+ wards,
7230
+ warlike
7231
+ warms
7232
+ warning,
7233
+ warrant
7234
+ warranty.
7235
+ wars,
7236
+ wars.
7237
+ wart.
7238
+ wary
7239
+ wary,
7240
+ was
7241
+ was,
7242
+ was--
7243
+ was.
7244
+ was?
7245
+ wash
7246
+ wassail,
7247
+ waste
7248
+ watch
7249
+ watch,
7250
+ watch.
7251
+ watchman
7252
+ water
7253
+ water;
7254
+ waterfly?
7255
+ waves
7256
+ waving
7257
+ wax
7258
+ waxes
7259
+ waxes,
7260
+ way
7261
+ way,
7262
+ way.
7263
+ ways
7264
+ ways.
7265
+ we
7266
+ we'll
7267
+ we,
7268
+ we.
7269
+ weak
7270
+ weaker
7271
+ weakest
7272
+ weakness
7273
+ weakness,
7274
+ weal
7275
+ wealth
7276
+ weapon.
7277
+ weapon?
7278
+ weapons.
7279
+ wear
7280
+ wearing
7281
+ wears
7282
+ weary
7283
+ weary,
7284
+ weasel.
7285
+ wed
7286
+ wed,
7287
+ wed."
7288
+ wedding.
7289
+ weed
7290
+ weeds
7291
+ weeds,
7292
+ weedy
7293
+ week.
7294
+ weep
7295
+ weep,
7296
+ weeping
7297
+ weeps
7298
+ weigh
7299
+ weighed,
7300
+ weighing
7301
+ weight
7302
+ welcome
7303
+ welcome,
7304
+ welcome--his
7305
+ welcome.
7306
+ well
7307
+ well,
7308
+ well--
7309
+ well-took
7310
+ well.
7311
+ well.--Welcome,
7312
+ well?
7313
+ went
7314
+ were
7315
+ west
7316
+ westward
7317
+ whale.
7318
+ wharf,
7319
+ what
7320
+ what's
7321
+ what,
7322
+ what?
7323
+ whatsomever
7324
+ whe'er
7325
+ wheaten
7326
+ wheel
7327
+ wheel,
7328
+ when
7329
+ when,
7330
+ whence
7331
+ whensoever,
7332
+ where
7333
+ where's
7334
+ where?
7335
+ wherefore
7336
+ wherein
7337
+ whereof
7338
+ whereon
7339
+ whereto
7340
+ whet
7341
+ whether
7342
+ which
7343
+ which),
7344
+ which,
7345
+ whiff
7346
+ while
7347
+ while.
7348
+ while.]
7349
+ while;
7350
+ whiles
7351
+ whilst
7352
+ whine?
7353
+ whipped
7354
+ whipping?
7355
+ whips
7356
+ whirling
7357
+ whirlwind
7358
+ whisper
7359
+ whispers
7360
+ whit.
7361
+ white
7362
+ who
7363
+ who,
7364
+ who?
7365
+ whole
7366
+ wholesome
7367
+ wholesome;
7368
+ whom
7369
+ whore,
7370
+ whored
7371
+ whoreson
7372
+ whose
7373
+ why
7374
+ why;
7375
+ wi'
7376
+ wick
7377
+ wicked
7378
+ wide
7379
+ wide,
7380
+ wide;
7381
+ widow
7382
+ widow,
7383
+ wife
7384
+ wife,
7385
+ wife.
7386
+ wife;
7387
+ wild
7388
+ wild,
7389
+ wildly
7390
+ wildness.
7391
+ will
7392
+ will,
7393
+ will--
7394
+ will.
7395
+ will.--
7396
+ will.--Tell
7397
+ will;
7398
+ willfully
7399
+ willing,
7400
+ willingly
7401
+ willow
7402
+ wills
7403
+ wilt
7404
+ win
7405
+ win.
7406
+ wince;
7407
+ wind
7408
+ wind,
7409
+ windlasses
7410
+ window,
7411
+ winds
7412
+ windy
7413
+ wine
7414
+ wine,
7415
+ wing
7416
+ wings
7417
+ wings,
7418
+ winking,
7419
+ winks
7420
+ winnowed
7421
+ winter's
7422
+ wipe
7423
+ wisdom
7424
+ wisdom,
7425
+ wisdoms,
7426
+ wise
7427
+ wise,
7428
+ wisely
7429
+ wisely,
7430
+ wisest
7431
+ wish
7432
+ wished.
7433
+ wishes
7434
+ wit
7435
+ wit's
7436
+ wit,
7437
+ wit.
7438
+ witch
7439
+ witchcraft
7440
+ witching
7441
+ with
7442
+ with,
7443
+ with.
7444
+ withal--except
7445
+ withal.
7446
+ withal:
7447
+ withdraw
7448
+ withdraw,
7449
+ withdraw.]
7450
+ withdrew
7451
+ withered
7452
+ withers
7453
+ within
7454
+ within,
7455
+ within.]
7456
+ within:]
7457
+ without
7458
+ without,
7459
+ without.
7460
+ witness
7461
+ wits
7462
+ wits,
7463
+ wits.
7464
+ wittingly,
7465
+ wittingly.
7466
+ woe
7467
+ woe,
7468
+ woe.
7469
+ woman
7470
+ woman!
7471
+ woman!),
7472
+ woman's
7473
+ woman,
7474
+ woman.
7475
+ womb
7476
+ women
7477
+ women's
7478
+ wonder,
7479
+ wonder-wounded
7480
+ wonder.
7481
+ wonderful
7482
+ wonderful!
7483
+ wondrous
7484
+ wont
7485
+ wonted
7486
+ woo
7487
+ woo't
7488
+ wood
7489
+ woodcock
7490
+ woodcocks.
7491
+ woos
7492
+ word
7493
+ word,
7494
+ word.
7495
+ words
7496
+ words!
7497
+ words,
7498
+ words.
7499
+ words?
7500
+ wore
7501
+ work
7502
+ work,
7503
+ work.
7504
+ work?
7505
+ working
7506
+ working,
7507
+ works.
7508
+ world
7509
+ world!
7510
+ world's
7511
+ world,
7512
+ world.
7513
+ worlds
7514
+ worm
7515
+ worm.
7516
+ worms
7517
+ wormwood!
7518
+ worn.
7519
+ worse
7520
+ worse.
7521
+ worser
7522
+ worst.
7523
+ worth
7524
+ worth!
7525
+ worth,
7526
+ worthy
7527
+ wot
7528
+ would
7529
+ would,
7530
+ would,"
7531
+ would;
7532
+ wouldst
7533
+ wounded
7534
+ woundless
7535
+ wounds
7536
+ wrack
7537
+ wrap
7538
+ wrath
7539
+ wretch
7540
+ wretched
7541
+ wretched,
7542
+ wring
7543
+ wringing
7544
+ wrinkled,
7545
+ wrist
7546
+ writ
7547
+ write
7548
+ writers
7549
+ writes.]
7550
+ written
7551
+ wrong
7552
+ wrong,
7553
+ wrong;
7554
+ wronged
7555
+ wronged;
7556
+ wrote
7557
+ wrote?
7558
+ wrung
7559
+ yard
7560
+ yaw
7561
+ yawn
7562
+ yea,
7563
+ year
7564
+ year,
7565
+ year.
7566
+ years
7567
+ years.
7568
+ yeasty
7569
+ yeoman's
7570
+ yes,
7571
+ yesterday,"
7572
+ yesternight.
7573
+ yet
7574
+ yet,
7575
+ yet?
7576
+ yield
7577
+ yielding
7578
+ yon
7579
+ yond
7580
+ yonder
7581
+ you
7582
+ you'll
7583
+ you,
7584
+ you--
7585
+ you.
7586
+ you.--
7587
+ you.--If
7588
+ you:
7589
+ you;
7590
+ you?
7591
+ young
7592
+ young,
7593
+ younger
7594
+ your
7595
+ yours
7596
+ yours.
7597
+ yourself
7598
+ yourself,
7599
+ yourself.
7600
+ yourselves
7601
+ youth
7602
+ youth,
7603
+ youth--
7604
+ youth.
7605
+ zone,
preprocessor_config.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "do_normalize": true,
3
+ "feature_size": 1,
4
+ "padding_side": "right",
5
+ "padding_value": 0.0,
6
+ "return_attention_mask": false,
7
+ "sampling_rate": 16000
8
+ }
pytorch_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c34f9827b034a1b9141dbf6f652f8a60eda61cdf5771c9e05bfa99033c92cd96
3
+ size 377667514
special_tokens_map.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"bos_token": "<s>", "eos_token": "</s>", "unk_token": "<unk>", "pad_token": "<pad>"}
tf_model.h5 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:412742825972a6e2e877255ccd8b3416e618df15a7f1e5e4f736aa3632ce33b5
3
+ size 377840624
tokenizer_config.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"unk_token": "<unk>", "bos_token": "<s>", "eos_token": "</s>", "pad_token": "<pad>", "do_lower_case": false, "return_attention_mask": false, "do_normalize": true}
vocab.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"<pad>": 0, "<s>": 1, "</s>": 2, "<unk>": 3, "|": 4, "E": 5, "T": 6, "A": 7, "O": 8, "N": 9, "I": 10, "H": 11, "S": 12, "R": 13, "D": 14, "L": 15, "U": 16, "M": 17, "W": 18, "C": 19, "F": 20, "G": 21, "Y": 22, "P": 23, "B": 24, "V": 25, "K": 26, "'": 27, "X": 28, "J": 29, "Q": 30, "Z": 31}