diff --git a/example/language_model/pytorch/cbow.ipynb b/example/language_model/pytorch/cbow.ipynb index cb4ac3c92..fd818c445 100644 --- a/example/language_model/pytorch/cbow.ipynb +++ b/example/language_model/pytorch/cbow.ipynb @@ -116,6 +116,73 @@ "print(f'Context: {context}\\n')\n", "print(f'Prediction: {index_to_word[torch.argmax(a[0]).item()]}')" ] + }, + { + "cell_type": "code", + "execution_count": 3, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "cpu\n", + "mps:0\n", + "Total time with cpu (10000): 0.0005950000000005673\n", + "Total time with cpu (100000000): 0.0002990000000000492\n", + "available\n", + "Total time with gpu (10000): 0.0002899999999996794\n", + "Total time with gpu (100000000): 0.0003420000000007306\n" + ] + } + ], + "source": [ + "from time import process_time\n", + "import torch\n", + "\n", + "print(torch.get_default_device())\n", + "torch.set_default_device('mps')\n", + "print(torch.get_default_device())\n", + "def testgpu():\n", + " if torch.backends.mps.is_available():\n", + " print(\"available\")\n", + " mps_device = torch.device(\"mps\")\n", + " t0 = process_time()\n", + " x = torch.ones(n1, device=mps_device)\n", + " y = x + torch.rand(n1, device=mps_device)\n", + " t1 = process_time()\n", + " print(f\"Total time with gpu ({n1}): {t1-t0}\")\n", + " t0 = process_time()\n", + " x = torch.ones(n2, device=mps_device)\n", + " y = x + torch.rand(n2, device=mps_device)\n", + " t1 = process_time()\n", + " print(f\"Total time with gpu ({n2}): {t1-t0}\")\n", + "\n", + "def testcpu():\n", + " t0 = process_time()\n", + " x = torch.ones(n1)\n", + " y = x + torch.rand(n1)\n", + " t1 = process_time()\n", + " print(f\"Total time with cpu ({n1}): {t1-t0}\")\n", + " t0 = process_time()\n", + " x = torch.ones(n2)\n", + " y = x + torch.rand(n2)\n", + " t1 = process_time()\n", + " print(f\"Total time with cpu ({n2}): {t1-t0}\")\n", + "\n", + "if __name__ == '__main__':\n", + " n1 = 10000\n", + " n2 = 100000000\n", + " testcpu()\n", + " testgpu()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [] } ], "metadata": { diff --git a/example/language_model/pytorch/next_word_prediction/rnn.ipynb b/example/language_model/pytorch/next_word_prediction/rnn.ipynb index afb5935b3..03b0307a2 100644 --- a/example/language_model/pytorch/next_word_prediction/rnn.ipynb +++ b/example/language_model/pytorch/next_word_prediction/rnn.ipynb @@ -2,7 +2,7 @@ "cells": [ { "cell_type": "code", - "execution_count": 206, + "execution_count": 170, "metadata": {}, "outputs": [ { @@ -22,6 +22,14 @@ "import torch.nn.functional as F\n", "import numpy as np\n", "\n", + "# For M1 macs\n", + "# TODO: Why is it 10x slower than cpu?\n", + "# if torch.backends.mps.is_available():\n", + "# print(\"Using M1 GPU\")\n", + "# torch.set_default_device('mps')\n", + "# mps_device = torch.device(\"mps\")\n", + "\n", + "torch.set_default_device('cpu')\n", "with open(\"./data.txt\", \"r\") as f:\n", " data = f.read().split(\"\\n\")\n", "\n", @@ -42,7 +50,7 @@ "chars = set(char for line in data for char in line)\n", "num_of_chars = len(chars)\n", "print(\"Number of chars\", num_of_chars)\n", - "batch_size = 1\n", + "batch_size = 32\n", "\n", "def word2tensor(word):\n", " # That extra 1 dimension is because PyTorch assumes everything is in batches - we’re just using a batch size of 1 here.\n", @@ -54,15 +62,21 @@ "def tensor2word(tensor):\n", " return index2word[tensor.argmax().item()]\n", "\n", - "# def categoryFromOutput(output):\n", - "# _, top_i = output.topk(1)\n", - "# category_i = top_i[0][0].item()\n", - "# return num_of_words[category_i], category_i\n" + "# Creating data for training \n", + "HIDDEN_LAYER_SIZE = 2\n", + "CONTEXT_WINDOW = 3\n", + "data_context = []\n", + "\n", + "for line in data:\n", + " line = line.split()\n", + " n = len(line)\n", + " for i in range(n - CONTEXT_WINDOW):\n", + " data_context.append((line[i: i + CONTEXT_WINDOW], line[i + CONTEXT_WINDOW]))" ] }, { "cell_type": "code", - "execution_count": 211, + "execution_count": 168, "metadata": {}, "outputs": [], "source": [ @@ -75,93 +89,66 @@ " self.input2hidden = nn.Linear(input_size, hidden_size)\n", " self.hidden2hidden = nn.Linear(hidden_size, hidden_size)\n", " self.hidden2output = nn.Linear(hidden_size, output_size)\n", - " self.softmax = nn.LogSoftmax(dim=1)\n", + " self.log_softmax = nn.LogSoftmax(dim=2)\n", "\n", " def forward(self, input, hidden):\n", - " print(\"Start\", np.nonzero(input.detach().numpy())[-1], hidden)\n", + " # print(\"Start\", np.nonzero(input.detach().numpy())[-1], hidden)\n", " input = self.input2hidden(input)\n", - " print(\"After first layer\", np.nonzero(input.detach().numpy())[-1], hidden)\n", - " print(\"1) After input to hidden\", input.shape, hidden.shape)\n", + " # print(\"After first layer\", np.nonzero(input.detach().numpy())[-1], hidden)\n", + " # print(\"1) After input to hidden\", input.shape, hidden.shape)\n", "\n", " hidden = self.hidden2hidden(hidden)\n", - " print(\"2) After hidden to hidden\", hidden.shape)\n", + " # print(\"2) After hidden to hidden\", hidden.shape)\n", "\n", " hidden = F.tanh(input + hidden)\n", - " print(\"3) After tanh\", input.shape, hidden.shape)\n", + " # print(\"3) After tanh\", input.shape, hidden.shape)\n", "\n", " output = self.hidden2output(hidden)\n", - " print(\"4) After hidden to output\", output.shape)\n", + " # print(\"4) After hidden to output\", output.shape)\n", "\n", - " output = self.softmax(output)\n", - " print(\"5) After softmax\", output.shape)\n", + " output = self.log_softmax(output)\n", + " # print(\"5) After softmax\", output.shape)\n", " return output, hidden\n", "\n", - " def init_hidden(self, batch_size=batch_size):\n", - " return torch.zeros(batch_size, self.hidden_size)\n", - "\n", - "\n", - "# Creating data for training \n", - "HIDDEN_LAYER_SIZE = 2\n", - "CONTEXT_WINDOW = 3\n", - "data_context = []\n", - "\n", - "for line in data:\n", - " line = line.split()\n", - " n = len(line)\n", - " for i in range(n - CONTEXT_WINDOW):\n", - " data_context.append((line[i: i + CONTEXT_WINDOW], line[i + CONTEXT_WINDOW]))\n" + " def init_hidden(self, batch_size):\n", + " return torch.zeros(batch_size, self.hidden_size)\n" ] }, { "cell_type": "code", - "execution_count": 212, + "execution_count": 162, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "Start [4390] tensor([[0., 0.]])\n", - "After first layer [0 1] tensor([[0., 0.]])\n", - "1) After input to hidden torch.Size([1, 1, 2]) torch.Size([1, 2])\n", - "2) After hidden to hidden torch.Size([1, 2])\n", - "3) After tanh torch.Size([1, 1, 2]) torch.Size([1, 1, 2])\n", - "4) After hidden to output torch.Size([1, 1, 8600])\n", - "5) After softmax torch.Size([1, 1, 8600])\n", - "Start [4993] tensor([[[0.4916, 0.1534]]], grad_fn=)\n", - "After first layer [0 1] tensor([[[0.4916, 0.1534]]], grad_fn=)\n", - "1) After input to hidden torch.Size([1, 1, 2]) torch.Size([1, 1, 2])\n", - "2) After hidden to hidden torch.Size([1, 1, 2])\n", - "3) After tanh torch.Size([1, 1, 2]) torch.Size([1, 1, 2])\n", - "4) After hidden to output torch.Size([1, 1, 8600])\n", - "5) After softmax torch.Size([1, 1, 8600])\n", - "Start [6012] tensor([[[0.2191, 0.1146]]], grad_fn=)\n", - "After first layer [0 1] tensor([[[0.2191, 0.1146]]], grad_fn=)\n", - "1) After input to hidden torch.Size([1, 1, 2]) torch.Size([1, 1, 2])\n", - "2) After hidden to hidden torch.Size([1, 1, 2])\n", - "3) After tanh torch.Size([1, 1, 2]) torch.Size([1, 1, 2])\n", - "4) After hidden to output torch.Size([1, 1, 8600])\n", - "5) After softmax torch.Size([1, 1, 8600])\n", - "Epoch 1/1 Loss: 0.0\n" + "Epoch 1/10 Loss: 564788.5739929676\n", + "Epoch 2/10 Loss: 521980.39820051193\n", + "Epoch 3/10 Loss: 511599.02045464516\n", + "Epoch 4/10 Loss: 504765.9905807972\n", + "Epoch 5/10 Loss: 499933.83950662613\n", + "Epoch 6/10 Loss: 496379.2070118189\n", + "Epoch 7/10 Loss: 493662.4143565893\n", + "Epoch 8/10 Loss: 491526.34502995014\n", + "Epoch 9/10 Loss: 489797.94599330425\n", + "Epoch 10/10 Loss: 488364.6461007595\n" ] } ], "source": [ - "\n", "rnn = RNN(num_of_words, HIDDEN_LAYER_SIZE, num_of_words)\n", "lr = 0.01\n", "criterion = nn.NLLLoss()\n", "optimizer = torch.optim.SGD(rnn.parameters(), lr=lr)\n", - "epochs = 1\n", + "epochs = 10\n", "\n", - "data_context = data_context[:1]\n", "for epoch in range(epochs):\n", " total_loss = 0\n", "\n", " for context, target in data_context: \n", " hidden = rnn.init_hidden()\n", " rnn.zero_grad()\n", - " # print(context, target)\n", " for word in context:\n", " output, hidden = rnn(word2tensor(word), hidden)\n", " \n", @@ -169,70 +156,161 @@ " # Get rid of the batch size dimension\n", " output = output.squeeze(0)\n", " target_tensor = torch.tensor([word2index[target]], dtype=torch.long)\n", + " # Why the fuck do we need to convert it to LongTensor?\n", " loss = criterion(output, target_tensor)\n", "\n", " loss.backward()\n", + " # print(loss.item())\n", " optimizer.step()\n", " total_loss += loss.item()\n", "\n", - " # Dump output and target tensor to a file output.txt\n", - " with open(\"output.txt\", \"a\") as f:\n", - " f.write(\"Predicted tensor: \")\n", - " output_array = output.detach().numpy()\n", - " # Find indices where values are not 0\n", - " nonzero_indices = np.nonzero(output_array)[-1]\n", - " f.write(str(nonzero_indices) + \"\\n\")\n", + " # For debugging purposes: Dump output and target tensor to file output.txt\n", + "\n", + " # import sys\n", + " # np.set_printoptions(threshold=sys.maxsize)\n", + " # with open(\"output.txt\", \"a\") as f:\n", + " # f.write(\"Predicted tensor: \")\n", + " # output_array = output.detach().numpy()\n", + " # # Find indices where values are not 0\n", + " # # nonzero_indices = np.nonzero(output_array)[-1]\n", + " # print(\"Output array\", output_array)\n", + " # f.write(str(output_array) + \"\\n\")\n", "\n", - " f.write(\"Target tensor: \" + str(target_tensor.detach().numpy()) + \" \" + str(target) + \"\\n\")\n", + " # print(\"Target tensor\", target_tensor.detach().numpy())\n", + " # f.write(\"Target tensor: \" + str(target_tensor.detach().numpy()) + \" \" + str(target) + \"\\n\")\n", "\n", - " f.write(\"Loss: \" + str(loss.item()) + \"\\n\\n\")\n", + " # print(\"Loss:\", loss.item())\n", + " # f.write(\"Loss: \" + str(loss.item()) + \"\\n\\n\")\n", "\n", " print(f\"Epoch {epoch + 1}/{epochs} Loss: {total_loss}\")" ] }, { "cell_type": "code", - "execution_count": 193, + "execution_count": 171, + "metadata": {}, + "outputs": [ + { + "ename": "ValueError", + "evalue": "Expected input batch_size (32) to match target batch_size (1).", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mValueError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[171], line 38\u001b[0m\n\u001b[1;32m 36\u001b[0m output \u001b[38;5;241m=\u001b[39m output\u001b[38;5;241m.\u001b[39msqueeze(\u001b[38;5;241m0\u001b[39m)\n\u001b[1;32m 37\u001b[0m target_tensor \u001b[38;5;241m=\u001b[39m torch\u001b[38;5;241m.\u001b[39mtensor([word2index[target]], dtype\u001b[38;5;241m=\u001b[39mtorch\u001b[38;5;241m.\u001b[39mlong)\n\u001b[0;32m---> 38\u001b[0m loss \u001b[38;5;241m=\u001b[39m \u001b[43mcriterion\u001b[49m\u001b[43m(\u001b[49m\u001b[43moutput\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtarget_tensor\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 39\u001b[0m batch_loss \u001b[38;5;241m+\u001b[39m\u001b[38;5;241m=\u001b[39m loss\n\u001b[1;32m 41\u001b[0m batch_loss\u001b[38;5;241m.\u001b[39mbackward()\n", + "File \u001b[0;32m~/Desktop/projects/GigaTorch/.venv/lib/python3.10/site-packages/torch/nn/modules/module.py:1532\u001b[0m, in \u001b[0;36mModule._wrapped_call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1530\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_compiled_call_impl(\u001b[38;5;241m*\u001b[39margs, \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs) \u001b[38;5;66;03m# type: ignore[misc]\u001b[39;00m\n\u001b[1;32m 1531\u001b[0m \u001b[38;5;28;01melse\u001b[39;00m:\n\u001b[0;32m-> 1532\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_call_impl\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/Desktop/projects/GigaTorch/.venv/lib/python3.10/site-packages/torch/nn/modules/module.py:1541\u001b[0m, in \u001b[0;36mModule._call_impl\u001b[0;34m(self, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1536\u001b[0m \u001b[38;5;66;03m# If we don't have any hooks, we want to skip the rest of the logic in\u001b[39;00m\n\u001b[1;32m 1537\u001b[0m \u001b[38;5;66;03m# this function, and just call forward.\u001b[39;00m\n\u001b[1;32m 1538\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m (\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_forward_pre_hooks\n\u001b[1;32m 1539\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_backward_pre_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_backward_hooks\n\u001b[1;32m 1540\u001b[0m \u001b[38;5;129;01mor\u001b[39;00m _global_forward_hooks \u001b[38;5;129;01mor\u001b[39;00m _global_forward_pre_hooks):\n\u001b[0;32m-> 1541\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mforward_call\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1543\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[1;32m 1544\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;01mNone\u001b[39;00m\n", + "File \u001b[0;32m~/Desktop/projects/GigaTorch/.venv/lib/python3.10/site-packages/torch/nn/modules/loss.py:216\u001b[0m, in \u001b[0;36mNLLLoss.forward\u001b[0;34m(self, input, target)\u001b[0m\n\u001b[1;32m 215\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mforward\u001b[39m(\u001b[38;5;28mself\u001b[39m, \u001b[38;5;28minput\u001b[39m: Tensor, target: Tensor) \u001b[38;5;241m-\u001b[39m\u001b[38;5;241m>\u001b[39m Tensor:\n\u001b[0;32m--> 216\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mF\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mnll_loss\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtarget\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mweight\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mweight\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mignore_index\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mignore_index\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mreduction\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mreduction\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/Desktop/projects/GigaTorch/.venv/lib/python3.10/site-packages/torch/nn/functional.py:2747\u001b[0m, in \u001b[0;36mnll_loss\u001b[0;34m(input, target, weight, size_average, ignore_index, reduce, reduction)\u001b[0m\n\u001b[1;32m 2705\u001b[0m \u001b[38;5;250m\u001b[39m\u001b[38;5;124mr\u001b[39m\u001b[38;5;124;03m\"\"\"Compute the negative log likelihood loss.\u001b[39;00m\n\u001b[1;32m 2706\u001b[0m \n\u001b[1;32m 2707\u001b[0m \u001b[38;5;124;03mSee :class:`~torch.nn.NLLLoss` for details.\u001b[39;00m\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 2744\u001b[0m \u001b[38;5;124;03m >>> output.backward()\u001b[39;00m\n\u001b[1;32m 2745\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 2746\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m has_torch_function_variadic(\u001b[38;5;28minput\u001b[39m, target, weight):\n\u001b[0;32m-> 2747\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mhandle_torch_function\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 2748\u001b[0m \u001b[43m \u001b[49m\u001b[43mnll_loss\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2749\u001b[0m \u001b[43m \u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtarget\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mweight\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2750\u001b[0m \u001b[43m \u001b[49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2751\u001b[0m \u001b[43m \u001b[49m\u001b[43mtarget\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2752\u001b[0m \u001b[43m \u001b[49m\u001b[43mweight\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mweight\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2753\u001b[0m \u001b[43m \u001b[49m\u001b[43msize_average\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43msize_average\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2754\u001b[0m \u001b[43m \u001b[49m\u001b[43mignore_index\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mignore_index\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2755\u001b[0m \u001b[43m \u001b[49m\u001b[43mreduce\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mreduce\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2756\u001b[0m \u001b[43m \u001b[49m\u001b[43mreduction\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mreduction\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 2757\u001b[0m \u001b[43m \u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 2758\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m size_average \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m \u001b[38;5;129;01mor\u001b[39;00m reduce \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 2759\u001b[0m reduction \u001b[38;5;241m=\u001b[39m _Reduction\u001b[38;5;241m.\u001b[39mlegacy_get_string(size_average, reduce)\n", + "File \u001b[0;32m~/Desktop/projects/GigaTorch/.venv/lib/python3.10/site-packages/torch/overrides.py:1619\u001b[0m, in \u001b[0;36mhandle_torch_function\u001b[0;34m(public_api, relevant_args, *args, **kwargs)\u001b[0m\n\u001b[1;32m 1615\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m _is_torch_function_mode_enabled():\n\u001b[1;32m 1616\u001b[0m \u001b[38;5;66;03m# if we're here, the mode must be set to a TorchFunctionStackMode\u001b[39;00m\n\u001b[1;32m 1617\u001b[0m \u001b[38;5;66;03m# this unsets it and calls directly into TorchFunctionStackMode's torch function\u001b[39;00m\n\u001b[1;32m 1618\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m _pop_mode_temporarily() \u001b[38;5;28;01mas\u001b[39;00m mode:\n\u001b[0;32m-> 1619\u001b[0m result \u001b[38;5;241m=\u001b[39m \u001b[43mmode\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m__torch_function__\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpublic_api\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtypes\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 1620\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m result \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28mNotImplemented\u001b[39m:\n\u001b[1;32m 1621\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m result\n", + "File \u001b[0;32m~/Desktop/projects/GigaTorch/.venv/lib/python3.10/site-packages/torch/utils/_device.py:78\u001b[0m, in \u001b[0;36mDeviceContext.__torch_function__\u001b[0;34m(self, func, types, args, kwargs)\u001b[0m\n\u001b[1;32m 76\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m func \u001b[38;5;129;01min\u001b[39;00m _device_constructors() \u001b[38;5;129;01mand\u001b[39;00m kwargs\u001b[38;5;241m.\u001b[39mget(\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mdevice\u001b[39m\u001b[38;5;124m'\u001b[39m) \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 77\u001b[0m kwargs[\u001b[38;5;124m'\u001b[39m\u001b[38;5;124mdevice\u001b[39m\u001b[38;5;124m'\u001b[39m] \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdevice\n\u001b[0;32m---> 78\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mfunc\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43margs\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mkwargs\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/Desktop/projects/GigaTorch/.venv/lib/python3.10/site-packages/torch/nn/functional.py:2760\u001b[0m, in \u001b[0;36mnll_loss\u001b[0;34m(input, target, weight, size_average, ignore_index, reduce, reduction)\u001b[0m\n\u001b[1;32m 2758\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m size_average \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m \u001b[38;5;129;01mor\u001b[39;00m reduce \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 2759\u001b[0m reduction \u001b[38;5;241m=\u001b[39m _Reduction\u001b[38;5;241m.\u001b[39mlegacy_get_string(size_average, reduce)\n\u001b[0;32m-> 2760\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mtorch\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_C\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_nn\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mnll_loss_nd\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43minput\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mtarget\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mweight\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43m_Reduction\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mget_enum\u001b[49m\u001b[43m(\u001b[49m\u001b[43mreduction\u001b[49m\u001b[43m)\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mignore_index\u001b[49m\u001b[43m)\u001b[49m\n", + "\u001b[0;31mValueError\u001b[0m: Expected input batch_size (32) to match target batch_size (1)." + ] + } + ], + "source": [ + "from torch.utils.data import Dataset, DataLoader\n", + "\n", + "class CustomDataset(Dataset):\n", + " def __init__(self, data_context):\n", + " self.data = data_context\n", + "\n", + " def __len__(self):\n", + " return len(self.data)\n", + "\n", + " def __getitem__(self, idx):\n", + " return self.data[idx]\n", + "\n", + "# Assuming data_context is a list of tuples (context, target)\n", + "dataset = CustomDataset(data_context)\n", + "batch_size = 32 # Specify your desired batch size\n", + "dataloader = DataLoader(dataset, batch_size=batch_size, shuffle=True)\n", + "\n", + "rnn2 = RNN(num_of_words, HIDDEN_LAYER_SIZE, num_of_words)\n", + "lr = 0.02\n", + "criterion = nn.NLLLoss()\n", + "optimizer = torch.optim.SGD(rnn2.parameters(), lr=lr)\n", + "epochs = 100\n", + "\n", + "for epoch in range(epochs):\n", + " total_loss = 0\n", + "\n", + " for batch_idx, (contexts, targets) in enumerate(dataloader):\n", + " optimizer.zero_grad()\n", + " batch_loss = 0\n", + "\n", + " for context, target in zip(contexts, targets):\n", + " hidden = rnn2.init_hidden(batch_size=batch_size)\n", + " for word in context:\n", + " output, hidden = rnn2(word2tensor(word), hidden)\n", + "\n", + " output = output.squeeze(0)\n", + " target_tensor = torch.tensor([word2index[target]], dtype=torch.long)\n", + " loss = criterion(output, target_tensor)\n", + " batch_loss += loss\n", + "\n", + " batch_loss.backward()\n", + " optimizer.step()\n", + " total_loss += batch_loss.item()\n", + "\n", + " print(f\"Epoch {epoch + 1}/{epochs} Loss: {total_loss}\")\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "{'reaches', 'bulky', 'concentrate', 'junior', 'butted', 'simplifies', 'returned', 'trunk', 'infringement', 'hear', 'knowfaddy', 'songs', 'hugh', 'eggs', 'slurred', 'donation', 'eligible', 'lure', 'aloud', 'signed', 'protruding', 'though', 'splendidly', 'disclaimers', 'suite', 'hague', 'wearisome', 'gasfitters', 'early', 'greasy', 'occurrences', 'curse', 'carte', 'whine', 'adapted', 'brides', 'convenient', 'drunkenlooking', 'hay', 'melbourne', 'beads', 'accessory', 'retorted', 'patienceneville', 'stealthily', 'wrack', 'reading', 'mary', 'voicehave', 'dishonoured', 'nip', 'men', 'guilty', 'suggestiveness', 'panoply', 'tossed', 'sunk', 'disposition', 'haste', 'secretthe', 'implored', 'incognito', 'notion', 'attracted', 'popular', 'sidealley', 'plumbers', 'additional', 'fluffy', 'persevering', 'americans', 'close', 'pulling', 'lordship', 'accomplice', 'skirmishes', 'partially', 'lie', 'slim', 'borrow', 'glowing', 'magistrate', 'families', 'keeps', 'manual', 'peeping', 'fourwheeler', 'drives', 'sequence', 'cruelty', 'buried', 'crouched', 'unmarried', 'ignotum', 'identify', 'frill', 'nocturnal', 'tents', 'unthinkable', 'dramatic', 'lateral', 'stirred', 'police', 'seem', 'rienluvre', 'dashed', 'axiom', 'rack', 'act', 'crushing', 'check', 'allow', 'lucid', 'bohemia', 'hankeys', 'sight', 'systematic', 'worms', 'faith', 'ranran', 'artistic', 'conduct', 'carries', 'remarkably', 'upraised', 'cover', 'frightful', 'shabby', 'seize', 'suburban', 'growing', 'dissolved', 'hollow', 'southampton', 'elaborate', 'announce', 'sleepy', 'requests', 'lysander', 'sank', 'suggest', 'marbank', 'reception', 'painted', 'jacksons', 'bandaged', 'cry', 'daily', 'entire', 'will', 'cardboard', 'indulge', 'best', 'stuck', 'typewritist', 'gloom', 'ground', 'intentions', 'man', 'maiden', 'sample', 'attempt', 'refund', 'hardened', 'surprised', 'hyde', 'older', 'data', 'contained', 'here', 'uncarpeted', 'sinking', 'fifteen', 'widow', 'exchanged', 'gradually', 'lunatic', 'variable', 'pal', 'eyebrows', 'piperack', 'doubleedged', 'fifth', 'mischance', 'outer', 'alter', 'inhabited', 'disk', 'packet', 'im', 'january', 'cared', 'illusage', 'distracting', 'went', 'peculiarthat', 'deserve', 'amiable', 'oakleaves', 'throat', 'occupied', 'moodily', 'illservice', 'ross', 'seventy', 'pressed', 'hint', 'shouts', 'depositors', 'arguments', 'helper', 'justified', 'combinations', 'eyes', 'magnificent', 'lamppost', 'demeanour', 'beg', 'tradespeople', 'claret', 'provided', 'whistle', 'builder', 'centre', 'stammered', 'flies', 'matchbox', 'derives', 'waved', 'saviours', 'mrs', 'unapproachable', 'grabs', 'boxer', 'setting', 'parted', 'shrimp', 'hunted', 'dreary', 'swore', 'falls', 'louisiana', 'gaze', 'logician', 'decorated', 'pull', 'oh', 'dinner', 'outhouse', 'abstracted', 'fair', 'subdued', 'hole', 'carry', 'tattooed', 'wait', 'nutshell', 'lawn', 'uncongenial', 'know', 'motionless', 'fastening', 'gather', 'unfailingly', 'astute', 'instead', 'running', 'beech', 'nd', 'gables', 'destitute', 'cockandbull', 'travellers', 'picking', 'keenest', 'altogether', 'undertake', 'overstrung', 'blaze', 'charitable', 'detailed', 'revolver', 'bathsponge', 'uniform', 'departed', 'overcoat', 'garments', 'perch', 'bigger', 'struck', 'clean', 'finish', 'meantime', 'searching', 'chestnut', 'military', 'ceaseless', 'wellnurtured', 'games', 'shut', 'angry', 'wave', 'standpoint', 'lacklustre', 'compensated', 'bellrope', 'fortunes', 'tugged', 'wallenstein', 'princess', 'excuses', 'strangest', 'gaslit', 'den', 'stepfathers', 'explanations', 'fury', 'gazette', 'breadth', 'basketchair', 'convinced', 'internal', 'looked', 'serpentinemews', 'revellers', 'strikes', 'scotch', 'kindliness', 'me', 'landlady', 'westaways', 'continental', 'unlocking', 'poultry', 'seemed', 'aberdeen', 'squatted', 'tip', 'music', 'talked', 'roared', 'politicians', 'coldly', 'themselves', 'undoubtedly', 'millionaire', 'unbuttoned', 'solder', 'ii', 'solve', 'tissue', 'softened', 'exceedingly', 'command', 'ancient', 'sketched', 'peering', 'landscape', 'chair', 'abode', 'kept', 'forbidding', 'yellow', 'correctly', 'section', 'horse', 'pay', 'greeting', 'execution', 'poor', 'ay', 'immediate', 'insists', 'fleshcoloured', 'half', 'snap', 'shutters', 'scissors', 'alas', 'advanced', 'alternately', 'guess', 'slippers', 'unconscious', 'looks', 'hatty', 'sweat', 'holmes', 'horribly', 'pretty', 'throw', 'valley', 'sell', 'powers', 'system', 'absorbed', 'virtue', 'freetrade', 'indicating', 'communicate', 'hush', 'presume', 'confidant', 'sherry', 'rearranging', 'province', 'vehicle', 'scraping', 'festivities', 'lips', 'nerve', 'wet', 'mad', 'twig', 'interests', 'whiskers', 'day', 'prankif', 'agency', 'appearance', 'wretch', 'clumsy', 'difference', 'lengthen', 'rogue', 'attic', 'brougham', 'success', 'perplexity', 'fascinating', 'grice', 'disappeared', 'contradict', 'adapt', 'vanilla', 'confirm', 'calves', 'reckless', 'cinder', 'laws', 'fainting', 'walk', 'agree', 'murdering', 'creditable', 'ticket', 'important', 'associated', 'consisted', 'nail', 'poker', 'developments', 'ebooks', 'bare', 'intruder', 'remembered', 'rights', 'villain', 'manorhouse', 'robert', 'riveted', 'reached', 'flashed', 'fouryearold', 'palm', 'braving', 'wager', 'attempted', 'whittington', 'illkempt', 'mudstains', 'tea', 'lapse', 'twostoried', 'clays', 'limps', 'editor', 'comparing', 'flames', 'bags', 'cheap', 'friendship', 'culprit', 'lighter', 'boscombe', 'land', 'proficient', 'reabsorbed', 'number', 'musician', 'buttend', 'ambition', 'terraced', 'ideas', 'wishing', 'permission', 'sturdy', 'streaming', 'reverie', 'landing', 'cable', 'etc', 'remember', 'deposed', 'situated', 'stricken', 'knees', 'thoroughfare', 'revealing', 'corner', 'sharpened', 'hugged', 'whim', 'reasoning', 'passengers', 'uncle', 'device', 'climbing', 'includes', 'disturb', 'tower', 'reputation', 'wellopened', 'asleep', 'isnt', 'shag', 'limp', 'suggestive', 'enjoy', 'notifies', 'requested', 'headings', 'stepdaughters', 'fully', 'asking', 'floating', 'absurdly', 'elasticsided', 'instincts', 'greenscummed', 'sun', 'alpha', 'gate', 'all', 'tollers', 'countryside', 'doorthat', 'faintly', 'examine', 'occasional', 'imperial', 'toy', 'busybody', 'diabetes', 'decoyed', 'add', 'rucastle', 'education', 'wreck', 'own', 'falling', 'receiver', 'career', 'pointing', 'appeared', 'amusement', 'express', 'halfdozen', 'ruffians', 'modification', 'favourably', 'wives', 'contemplative', 'irene', 'scandal', 'title', 'convulsive', 'aquiline', 'drawer', 'prisoners', 'winds', 'devoid', 'leftboth', 'securea', 'correspondence', 'lestrades', 'young', 'strongest', 'little', 'goodevening', 'snatches', 'wild', 'clattered', 'onehe', 'trifle', 'visitors', 'dealing', 'trees', 'crossed', 'intuitions', 'chap', 'anatomy', 'secreting', 'prosperous', 'disguises', 'reasons', 'receive', 'pronounce', 'prosperity', 'host', 'flag', 'drawback', 'cooking', 'sloping', 'apparently', 'deductions', 'enigmatical', 'smasher', 'perils', 'disconnected', 'dismay', 'parallel', 'length', 'flock', 'lassitude', 'cause', 'print', 'slits', 'detach', 'c', 'lenient', 'john', 'irishsetter', 'contrary', 'october', 'scared', 'lefthandedness', 'his', 'compelled', 'tempted', 'chief', 'illused', 'ryder', 'frantic', 'lithe', 'doorstep', 'slums', 'effected', 'edge', 'hare', 'pigments', 'principle', 'faculties', 'gripping', 'shipping', 'summoned', 'actually', 'grizzled', 'outbursts', 'swindon', 'tumbled', 'confessed', 'loitering', 'fitness', 'outweigh', 'insanely', 'prominence', 'stoop', 'account', 'capital', 'article', 'carriage', 'flap', 'protested', 'dread', 'balzac', 'treatment', 'lay', 'based', 'compress', 'applicable', 'soldier', 'mice', 'grim', 'forgery', 'also', 'excavating', 'belongs', 'outr', 'jutted', 'breakfasttable', 'explain', 'promises', 'allusions', 'elementsblown', 'earth', 'proceed', 'flickering', 'lights', 'down', 'ringfinger', 'actual', 'inclined', 'crucial', 'capable', 'piece', 'walsall', 'complete', 'sponged', 'tricky', 'shake', 'gutenbergtm', 'forbidden', 'surmise', 'welltodo', 'selfish', 'anybody', 'menendez', 'hate', 'tropics', 'mole', 'version', 'financial', 'cadaverous', 'nonsense', 'goodwins', 'apaches', 'alices', 'equally', 'astrakhan', 'troopers', 'charge', 'wasted', 'hurrying', 'engage', 'miserable', 'coin', 'englanda', 'claimjumpingwhich', 'blunt', 'chemical', 'bitten', 'wealthy', 'british', 'match', 'station', 'hidden', 'deal', 'masses', 'mercifully', 'cordially', 'clear', 'warmest', 'nature', 'tread', 'precise', 'azure', 'crime', 'opening', 'beat', 'represent', 'armitagethe', 'originality', 'layers', 'small', 'engine', 'thing', 'assistants', 'band', 'superscribed', 'refinement', 'mystery', 'room', 'path', 'breast', 'oily', 'knelt', 'penknife', 'headstrong', 'cynical', 'dint', 'corridor', 'violin', 'hatherley', 'yourselves', 'lowliest', 'distribution', 'cigar', 'caressing', 'amply', 'evolve', 'scene', 'octavo', 'jersey', 'moves', 'constant', 'disown', 'encourage', 'satisfying', 'cases', 'the', 'binary', 'mania', 'visit', 'tie', 'concluding', 'object', 'respect', 'mcfarlanes', 'clerk', 'busy', 'usa', 'shoots', 'performance', 'shivering', 'selfpoisoner', 'proves', 'amethyst', 'senders', 'sorry', 'glimpse', 'leaning', 'freehanded', 'impressed', 'word', 'glimmered', 'bashful', 'moody', 'strand', 'attica', 'noose', 'alicia', 'groom', 'gets', 'gloomily', 'rushing', 'arise', 'smokeless', 'greet', 'testtubes', 'grace', 'cellar', 'briony', 'depend', 'stethoscope', 'halifax', 'strongly', 'over', 'fortygrain', 'logic', 'questionable', 'wore', 'variety', 'franchise', 'crackling', 'awful', 'thicket', 'knowledge', 'truth', 'encyclopdia', 'represents', 'loop', 'hanover', 'consulting', 'wharf', 'journeyed', 'handwriting', 'presented', 'seeing', 'volunteered', 'barton', 'spare', 'learning', 'most', 'questioning', 'eightandforty', 'recognising', 'chasing', 'eaves', 'purity', 'quarter', 'allows', 'troubling', 'iv', 'impunity', 'treble', 'trying', 'handsi', 'bordered', 'trumpet', 'years', 'heartit', 'promotion', 'pancras', 'residing', 'nursery', 'are', 'gummed', 'atlantic', 'disturbed', 'easychair', 'battle', 'wharves', 'dummy', 'unwise', 'outdoor', 'earrings', 'puckered', 'obliged', 'limits', 'proclaimed', 'pillow', 'inception', 'predominated', 'scar', 'dark', 'silhouette', 'shoving', 'alluded', 'sobbing', 'balanced', 'consideration', 'thinking', 'grievous', 'hunt', 'types', 'beef', 'wayside', 'passionately', 'blottingpaper', 'unfinished', 'texas', 'efforts', 'typewrite', 'topic', 'loathing', 'weaken', 'margins', 'defect', 'frantically', 'depended', 'lucy', 'question', 'inaccurate', 'guardianship', 'jewellers', 'frequently', 'backwaters', 'chisel', 'mountains', 'forbid', 'remonstrance', 'smokerings', 'dived', 'turning', 'thumped', 'paleness', 'repelled', 'hed', 'senior', 'embarrassed', 'expectancies', 'weddingring', 'cusack', 'bloodstains', 'drawn', 'news', 'finger', 'marseilles', 'londoneastern', 'completed', 'foresaw', 'summonses', 'bowls', 'broader', 'proud', 'buy', 'mouths', 'resolutions', 'laugh', 'locations', 'catherine', 'departure', 'earn', 'grasped', 'personate', 'fresno', 'tension', 'collapse', 'am', 'forth', 'makers', 'pierced', 'pleasant', 'aged', 'really', 'manifold', 'heiress', 'ruin', 'confided', 'thickness', 'gang', 'digs', 'preceding', 'prospecting', 'springing', 'season', 'geology', 'hollowed', 'blend', 'kate', 'precursor', 'measure', 'solicitor', 'swollen', 'dearest', 'change', 'cord', 'cascade', 'spoke', 'on', 'concentration', 'shabbygenteel', 'sacrificing', 'star', 'handling', 'violates', 'hebrew', 'overlook', 'army', 'possibly', 'intelligence', 'ink', 'reaction', 'blot', 'scored', 'crystallised', 'crowd', 'co', 'afterwards', 'termination', 'recommended', 'hatherleys', 'dweller', 'fairbank', 'sleeping', 'puffing', 'european', 'attempting', 'exception', 'kicked', 'trials', 'beryls', 'pool', 'planning', 'bled', 'blocked', 'equal', 'dual', 'per', 'pennies', 'allowance', 'tops', 'trained', 'pick', 'extracts', 'created', 'fresh', 'thud', 'chatting', 'contraction', 'hopeless', 'respects', 'commence', 'crueltys', 'haggard', 'honourable', 'whoever', 'interesting', 'cane', 'evidently', 'attract', 'papermills', 'acknowledge', 'positively', 'companion', 'unsystematic', 'least', 'countryin', 'released', 'token', 'cigarshaped', 'belonged', 'striding', 'altered', 'chin', 'groan', 'communicated', 'bodes', 'deepsea', 'served', 'frightened', 'shattered', 'hayling', 'ceremony', 'refused', 'grow', 'lived', 'argument', 'dismantled', 'bedside', 'six', 'sacrifice', 'poses', 'forty', 'keeping', 'countryhouse', 'barred', 'pound', 'school', 'exhilarating', 'sandwich', 'whence', 'advise', 'pair', 'repulsion', 'hoping', 'replacement', 'recompense', 'mines', 'astonished', 'took', 'loss', 'joke', 'exactly', 'wrinkled', 'fault', 'inviolate', 'errand', 'birdsa', 'slung', 'lighten', 'cards', 'prejudice', 'accomplishment', 'patience', 'injuring', 'labyrinth', 'touched', 'tugging', 'preserved', 'hardest', 'they', 'highpower', 'orders', 'manor', 'softer', 'cleared', 'fighting', 'herei', 'diggings', 'coolest', 'sympathy', 'degrees', 'housekeepers', 'hudson', 'weddingmorning', 'petered', 'famous', 'plan', 'rose', 'emigrant', 'hairends', 'discontinue', 'smoked', 'seventeen', 'burning', 'heaving', 'furnished', 'crosspurposes', 'unpack', 'jovial', 'architecture', 'occupant', 'until', 'drive', 'indebted', 'offhand', 'afraid', 'stand', 'unkempt', 'fess', 'overpleasant', 'market', 'millions', 'wickerwork', 'forefingers', 'resemblance', 'demand', 'shepherds', 'northumberland', 'stiffness', 'memory', 'glare', 'warranty', 'travellingcloak', 'coffee', 'murdered', 'extremely', 'want', 'trust', 'goodmorning', 'mendicants', 'bands', 'undid', 'cooped', 'squander', 'stepfather', 'curtain', 'lascar', 'bred', 'generally', 'quavering', 'september', 'shop', 'steady', 'marm', 'goodday', 'worked', 'violinland', 'characteristic', 'aunt', 'delay', 'covered', 'senseless', 'holmesyou', 'seeds', 'inquiring', 'mahogany', 'glints', 'gesture', 'punctures', 'interpreted', 'public', 'cheerful', 'bridge', 'just', 'imagination', 'fortunate', 'concert', 'infinite', 'metallic', 'headed', 'fiercely', 'funds', 'collar', 'rapidity', 'shrug', 'westphail', 'striving', 'ascertained', 'ascii', 'manners', 'planter', 'weigh', 'hotel', 'silver', 'unclasping', 'snapping', 'carried', 'gentleman', 'overprecipitance', 'connection', 'pupils', 'intensity', 'summarily', 'officials', 'mark', 'liberties', 'politics', 'for', 'constitution', 'freed', 'prospect', 'quietly', 'devouring', 'suspicious', 'drama', 'atkinson', 'exconfederate', 'wilton', 'holding', 'chaffed', 'stands', 'scrawled', 'somewhere', 'humble', 'typewriting', 'locked', 'descend', 'stool', 'reach', 'above', 'shouted', 'chance', 'extent', 'eaten', 'affected', 'assizes', 'exactness', 'bosom', 'maidservants', 'annoyance', 'moment', 'nine', 'go', 'specialist', 'norton', 'scent', 'course', 'cost', 'drops', 'ruthless', 'llc', 'listening', 'wooden', 'compliments', 'grasping', 'parlance', 'cloak', 'wig', 'roused', 'augustine', 'offices', 'beast', 'scruples', 'synthesis', 'fidgeted', 'maintenance', 'frenzy', 'major', 'moneynot', 'trip', 'remembrance', 'suffered', 'unravelled', 'bundle', 'besides', 'cent', 'average', 'combine', 'hinted', 'identity', 'paperwork', 'nobody', 'naked', 'home', 'burgled', 'tremor', 'parietal', 'auckland', 'columns', 'muster', 'gaped', 'bill', 'arrest', 'fluttered', 'preference', 'corroboration', 'concept', 'la', 'ever', 'gross', 'responses', 'honour', 'snuff', 'tradesmen', 'roll', 'misses', 'chimneys', 'notebooks', 'rooftree', 'shudder', 'villa', 'traditions', 'answers', 'arcandcompass', 'glossy', 'julia', 'petrarch', 'jephro', 'distinction', 'notices', 'alleys', 'unhappy', 'rage', 'murdertrap', 'blackguard', 'footpath', 'usno', 'spinster', 'effects', 'untimely', 'impression', 'refuse', 'rejected', 'gain', 'partie', 'beget', 'congratulated', 'fingers', 'omne', 'vengeance', 'stationmaster', 'hound', 'hat', 'agitation', 'proof', 'itits', 'generations', 'obliging', 'platitudes', 'howling', 'fellow', 'fringe', 'cease', 'glaring', 'clues', 'span', 'water', 'plays', 'fringed', 'crane', 'engineer', 'tobacco', 'cloudless', 'husbandthe', 'trick', 'overpowering', 'sofa', 'probably', 'quest', 'allowing', 'threelegged', 'admire', 'lighted', 'saving', 'g', 'supper', 'except', 'file', 'outset', 'apparition', 'work', 'bottles', 'obsolete', 'exit', 'sorrow', 'huffed', 'teetotaler', 'canvas', 'intend', 'passions', 'great', 'troubled', 'himself', 'depot', 'you', 'deserting', 'lumberroom', 'boonethe', 'nonconformist', 'palmer', 'observerexcellent', 'assert', 'corrupt', 'analysis', 'user', 'foundations', 'march', 'tightly', 'cooee', 'anxious', 'steamboats', 'souvenir', 'damning', 'dissatisfied', 'toller', 'sobbed', 'noticed', 'bounds', 'block', 'sprung', 'revolved', 'twice', 'anything', 'barber', 'reptiles', 'facilitate', 'wants', 'clinched', 'allegro', 'checks', 'ratfaced', 'extreme', 'oct', 'christs', 'feminine', 'ice', 'muff', 'dine', 'neatness', 'unavenged', 'geniality', 'asis', 'flyleaf', 'repartee', 'shade', 'correctthis', 'commanding', 'cigarette', 'continues', 'nobleman', 'dash', 'followed', 'servitude', 'remanded', 'allcomprehensive', 'swordsman', 'sharp', 'foolish', 'utilise', 'inimitably', 'prints', 'scraped', 'vigil', 'singularity', 'happiness', 'wadding', 'subjected', 'ivory', 'employed', 'mass', 'starting', 'gutenberg', 'tried', 'brightlooking', 'filthy', 'sisters', 'gambler', 'successfully', 'crossindexing', 'relaxed', 'touch', 'thinker', 'doesnt', 'propound', 'calmly', 'victory', 'rid', 'ledger', 'temporary', 'exists', 'noticethat', 'halfpay', 'worldwide', 'interfere', 'these', 'wrist', 'nowand', 'contortions', 'broke', 'ships', 'curious', 'elect', 'pincenez', 'meditative', 'furnishes', 'fiction', 'willows', 'similar', 'rails', 'spoils', 'milk', 'resource', 'pathway', 'written', 'echoes', 'nautical', 'unnecessary', 'crossquestioning', 'xii', 'anyone', 'detained', 'constables', 'prize', 'sand', 'facts', 'committed', 'proceedings', 'dust', 'placing', 'slopes', 'considerable', 'urgent', 'armitage', 'armed', 'swift', 'oxford', 'accomplished', 'helped', 'size', 'crawl', 'patent', 'doublebedded', 'reasoned', 'registered', 'lap', 'hydraulic', 'elbowed', 'punishment', 'sovereigns', 'come', 'mopping', 'protected', 'tidewaiter', 'horrid', 'slapped', 'due', 'abide', 'fashionable', 'flat', 'disc', 'statements', 'table', 'genii', 'absolute', 'item', 'captain', 'tap', 'unwound', 'vagabond', 'fancier', 'feared', 'end', 'designed', 'mask', 'combination', 'feet', 'tested', 'egotism', 'have', 'assumed', 'pillows', 'exercise', 'staffcommander', 'conclusive', 'berth', 'montana', 'nominal', 'thrusting', 'signature', 'satisfy', 'cold', 'boots', 'seat', 'sutherlands', 'state', 'trademarkcopyright', 'hardihood', 'eccentricity', 'relief', 'clay', 'blunders', 'knew', 'queer', 'forgetfulness', 'sucked', 'wicket', 'preparations', 'goes', 'passagelamp', 'gras', 'tallish', 'stake', 'monosyllable', 'extraordinary', 'mistake', 'times', 'jamess', 'hoax', 'admit', 'chemistry', 'secreted', 'acted', 'glared', 'horrify', 'uses', 'shoulders', 'plaid', 'shiver', 'peeling', 'drab', 'remunerative', 'seven', 'causes', 'safes', 'disclaimer', 'black', 'wwwgutenbergorglicense', 'deathbeds', 'official', 'rending', 'vizard', 'crisply', 'remain', 'shoves', 'maudsley', 'concealed', 'bequest', 'overjoyed', 'crust', 'staggered', 'false', 'thank', 'custody', 'earthsmelling', 'nicely', 'folks', 'smartest', 'wished', 'excitedly', 'tack', 'questions', 'dispel', 'branches', 'communicative', 'thrilling', 'deduce', 'passed', 'precious', 'creation', 'twentyfive', 'bit', 'angle', 'neck', 'staff', 'eventually', 'willingly', 'linen', 'referred', 'advised', 'sonsmy', 'bread', 'coldness', 'clumps', 'familiar', 'basketful', 'stoutly', 'fourteen', 'compositor', 'smiles', 'brainfever', 'destined', 'forces', 'forgo', 'intricate', 'gregory', 'producing', 'draughts', 'schoolmaster', 'vehemence', 'glands', 'examining', 'reaching', 'warburtons', 'blinked', 'smarter', 'temptation', 'steep', 'scratch', 'ease', 'opposed', 'childish', 'drawled', 'relevant', 'ruse', 'largest', 'after', 'project', 'halfpast', 'people', 'us', 'twilight', 'lowest', 'relieve', 'answering', 'self', 'illuminated', 'cocked', 'bringing', 'herspossibly', 'dismissed', 'severed', 'busier', 'counties', 'occasion', 'sidled', 'sevenmile', 'cured', 'chagrin', 'humming', 'paris', 'could', 'jumping', 'property', 'escorted', 'aldersgate', 'even', 'toe', 'across', 'delighted', 'stalls', 'cylinders', 'palefaced', 'noble', 'bade', 'widower', 'heelless', 'k', 'tennessee', 'wellremembered', 'straightened', 'advice', 'inherit', 'servants', 'weapon', 'native', 'blood', 'australian', 'draws', 'newspaper', 'jesting', 'knife', 'died', 'discloses', 'sluggishly', 'playing', 'harsh', 'farmhouse', 'convulsed', 'fade', 'aware', 'officers', 'glimpses', 'swept', 'lodgings', 'australians', 'fools', 'top', 'maid', 'wanted', 'uneasy', 'therein', 'minute', 'loafer', 'employee', 'roads', 'trouble', 'to', 'fed', 'unlikely', 'screamed', 'wheel', 'practical', 'needed', 'tall', 'hampshire', 'sullenly', 'unbreakable', 'identified', 'accordance', 'born', 'vegetables', 'melon', 'mansions', 'follow', 'symptoms', 'bite', 'individual', 'niece', 'defending', 'hideous', 'apart', 'publicly', 'nearer', 'halfbuttoned', 'harness', 'knee', 'relentless', 'billycock', 'throats', 'somewhat', 'living', 'display', 'pretence', 'soaked', 'silk', 'tangle', 'glassfactories', 'attention', 'introduction', 'promoting', 'purses', 'settee', 'terrorising', 'tangled', 'glimmer', 'becher', 'agent', 'sort', 'tiny', 'slip', 'eton', 'pew', 'spoiled', 'shipwreck', 'averse', 'deserted', 'qualities', 'doubled', 'dug', 'necktie', 'empty', 'crash', 'carpenter', 'stonework', 'farthing', 'retreat', 'dank', 'prizes', 'souls', 'artist', 'developed', 'saddles', 'disgraceful', 'ridiculously', 'condemned', 'blows', 'drowsiness', 'misgivings', 'forearm', 'j', 'offended', 'bow', 'pall', 'yards', 'mississippi', 'sharpeyed', 'big', 'camp', 'stevedore', 'brief', 'sittingrooms', 'viewed', 'nothing', 'green', 'but', 'confidential', 'needlework', 'succeeded', 'bang', 'neatly', 'golden', 'lucky', 'servant', 'mademoiselles', 'halfclad', 'dealings', 'avoided', 'importance', 'purely', 'successive', 'woods', 'commons', 'precaution', 'pushed', 'street', 'ramblings', 'handkerchiefs', 'helpless', 'slammed', 'engineers', 'cashbox', 'whatever', 'resolved', 'oclock', 'corresponded', 'friday', 'trustees', 'abutted', 'sure', 'alarm', 'refinedlooking', 'wavering', 'outdated', 'parr', 'hung', 'attached', 'aided', 'gullet', 'levers', 'secrecy', 'basis', 'brothers', 'appointment', 'ship', 'quinsy', 'live', 'ladys', 'weeks', 'throbbing', 'legs', 'instant', 'chambers', 'indiscretion', 'celebrated', 'gonone', 'invention', 'afghanistan', 'recall', 'chronicler', 'widest', 'eight', 'grimly', 'bermuda', 'disproportionately', 'father', 'tradesman', 'ushering', 'abbots', 'caress', 'scenery', 'swear', 'rpertoire', 'aloysius', 'sparkles', 'foreign', 'bent', 'firemen', 'genial', 'rejoin', 'overtopped', 'countries', 'anyhow', 'sunbeam', 'flaw', 'electronically', 'influence', 'unlocked', 'whisper', 'x', 'sour', 'securing', 'scaffolding', 'luxuriant', 'sinewy', 'beard', 'whistled', 'vouching', 'autumn', 'proved', 'seized', 'trivial', 'cherrywood', 'await', 'distance', 'gales', 'vice', 'grove', 'boasting', 'assume', 'candid', 'ensue', 'blockaded', 'confused', 'unconcerned', 'cabinet', 'invaders', 'notebook', 'avail', 'parties', 'directors', 'probabilityis', 'baby', 'flushing', 'become', 'apparent', 'propose', 'spread', 'gasogene', 'pulp', 'uttered', 'unpleasant', 'clenched', 'merest', 'kneecaps', 'framed', 'coarsely', 'lookout', 'gaolbird', 'around', 'active', 'rubbed', 'victoria', 'awayyou', 'benevolent', 'harmonium', 'concern', 'wrote', 'startling', 'traces', 'cravats', 'going', 'budge', 'replaced', 'surrounded', 'pilot', 'easygoing', 'stopping', 'guardsmen', 'hundred', 'discreet', 'rabbi', 'advancing', 'thames', 'fargone', 'scattered', 'door', 'unravelling', 'taste', 'delayed', 'hitherto', 'sleep', 'conditions', 'required', 'clambered', 'still', 'projecting', 'foulmouthed', 'tax', 'banking', 'gloss', 'iron', 'roylott', 'stronger', 'superior', 'settles', 'longer', 'lyon', 'induce', 'formats', 'rent', 'darklantern', 'lot', 'recognised', 'loose', 'chewing', 'notice', 'walked', 'cannot', 'amplifying', 'sides', 'sick', 'domain', 'iodoform', 'identification', 'horace', 'lawabiding', 'outstretched', 'game', 'intense', 'yes', 'writer', 'roar', 'mccarthys', 'digesting', 'proper', 'carriagebuilding', 'decidedly', 'umbrella', 'sworn', 'resounded', 'electronic', 'expenditure', 'smelling', 'van', 'illdressed', 'reply', 'happens', 'surprise', 'rooms', 'consulted', 'being', 'purport', 'scrupulous', 'probability', 'dew', 'manageress', 'coming', 'streamed', 'slurring', 'ordnance', 'charming', 'sweatingrank', 'spaulding', 'leadenhall', 'publichouse', 'contrast', 'fordham', 'acquaintance', 'selfsacrifice', 'pencil', 'onethe', 'legible', 'tin', 'liberated', 'shared', 'selfishness', 'license', 'tended', 'coiners', 'bowwindow', 'grasp', 'hopkins', 'limpedhe', 'younger', 'means', 'possibility', 'slighter', 'replied', 'report', 'library', 'napoleons', 'ut', 'tire', 'accident', 'stile', 'disturbance', 'highly', 'comfortablelooking', 'rapidly', 'evident', 'forever', 'slight', 'separate', 'lodge', 'bloodless', 'lengthy', 'softly', 'eclipses', 'isolated', 'woke', 'composer', 'evenings', 'competence', 'is', 'harshly', 'where', 'incalculable', 'quinceys', 'halfway', 'soles', 'testament', 'hazarded', 'north', 'inbreath', 'before', 'thursday', 'kilburn', 'orange', 'tales', 'tankerville', 'boxroom', 'announced', 'map', 'therefore', 'fountain', 'thirty', 'reason', 'convert', 'truly', 'parsonage', 'brains', 'lined', 'patron', 'humours', 'since', 'pon', 'greatest', 'author', 'bouquet', 'very', 'hurry', 'halffrightened', 'beds', 'nails', 'vincent', 'candle', 'thena', 'sundayschool', 'weariness', 'assistance', 'httpwwwgutenbergorg', 'seen', 'gazing', 'ordering', 'engaged', 'tags', 'instructions', 'hills', 'indemnity', 'principally', 'dimly', 'perhaps', 'limb', 'allowed', 'fastened', 'whispered', 'condition', 'companys', 'lame', 'treated', 'last', 'costs', 'wired', 'lock', 'sold', 'changes', 'smart', 'trail', 'four', 'crisp', 'thick', 'find', 'sleepless', 'life', 'transpired', 'threw', 'maybe', 'threats', 'meseemed', 'smile', 'comfortably', 'blew', 'curves', 'speckles', 'purpose', 'youjems', 'inn', 'international', 'holiday', 'plush', 'farthest', 'perplexing', 'punish', 'shave', 'delicate', 'affections', 'neighbouring', 'imbecile', 'unobservant', 'fruitless', 'turkish', 'holes', 'already', 'maintaining', 'exert', 'blur', 'sings', 'restrain', 'lengthened', 'regret', 'acceptance', 'them', 'curling', 'stiff', 'main', 'considerations', 'relapsing', 'awkward', 'thread', 'attend', 'reveal', 'commerce', 'straight', 'beaten', 'sinister', 'steamer', 'advertised', 'strolled', 'files', 'footfalls', 'philanthropist', 'renamed', 'herself', 'leaking', 'occurred', 'whither', 'congenial', 'weve', 'overtender', 'spreading', 'sterner', 'unusually', 'steadily', 'row', 'blush', 'allied', 'murmured', 'without', 'openness', 'share', 'villages', 'well', 'cobb', 'quick', 'remorseless', 'degraded', 'apparelled', 'research', 'hall', 'twitch', 'must', 'waters', 'nursegirl', 'flaming', 'jeremiah', 'homecentred', 'widespread', 'landladys', 'huntingcrop', 'charles', 'unfeigned', 'illegally', 'independent', 'ghost', 'fleet', 'speaking', 'avoiding', 'deduced', 'carefully', 'intended', 'fur', 'comply', 'claws', 'terrible', 'sounding', 'colourless', 'kent', 'trains', 'museumwe', 'placewithin', 'derived', 'passages', 'interjected', 'humbler', 'solicitation', 'derbies', 'jewelbox', 'organisation', 'suppliers', 'seamed', 'excellent', 'between', 'safely', 'join', 'step', 'widened', 'defined', 'temperate', 'piteous', 'comic', 'grimesby', 'amazing', 'feat', 'sidewhiskers', 'late', 'surrounds', 'fatal', 'offensive', 'upward', 'makes', 'evil', 'texture', 'signal', 'dazed', 'extra', 'prefers', 'repay', 'accept', 'conceives', 'endeavouring', 'regards', 'cigars', 'grosvenor', 'adding', 'clad', 'minds', 'ascertaining', 'chamber', 'learn', 'humdrum', 'gently', 'fishes', 'maxim', 'alternating', 'investigate', 'merryweather', 'wooing', 'bodies', 'wide', 'acquiesce', 'ringing', 'slatecoloured', 'hereford', 'barricaded', 'husbands', 'magician', 'feature', 'succinct', 'raved', 'drug', 'stuffs', 'expected', 'tears', 'trousers', 'petersons', 'confectioners', 'conceit', 'neighbours', 'deepest', 'bramblecovered', 'spell', 'fenchurch', 'alias', 'overclean', 'ways', 'meal', 'crippled', 'humanity', 'deuce', 'dozen', 'impetuousvolcanic', 'solution', 'cake', 'fairly', 'editions', 'outbreak', 'exclude', 'woman', 'sad', 'coachhouse', 'gleam', 'goading', 'howl', 'sentinel', 'skylight', 'push', 'effective', 'greengrocer', 'wednesday', 'garment', 'new', 'lane', 'goldmines', 'ragged', 'arms', 'resort', 'joking', 'baryta', 'large', 'assistant', 'waddling', 'soothing', 'intrusions', 'gem', 'eustace', 'es', 'road', 'unforeseen', 'twist', 'rubbing', 'stooping', 'friend', 'elbow', 'movement', 'justice', 'fare', 'return', 'quarterpast', 'coincident', 'rd', 'trim', 'difficult', 'careless', 'conscience', 'dare', 'prince', 'stretch', 'seaports', 'chuckled', 'train', 'inexorable', 'accustomed', 'knitted', 'solicit', 'sunset', 'amiss', 'consultations', 'caraffe', 'innocent', 'drunken', 'world', 'deadly', 'nostrils', 'boxed', 'injections', 'societys', 'huge', 'eglow', 'cobblers', 'remarking', 'listened', 'forgot', 'slope', 'hammered', 'risen', 'east', 'deadliest', 'cuttings', 'uncommon', 'shabbily', 'dottles', 'erred', 'explained', 'drunk', 'charity', 'adjusted', 'yearwhich', 'forecastle', 'venture', 'bowing', 'suffering', 'talker', 'separation', 'heed', 'flatter', 'nose', 'stimulant', 'claim', 'troubles', 'other', 'contributed', 'brain', 'sideways', 'diverted', 'interestedwhite', 'pitch', 'darting', 'interested', 'loading', 'cleancut', 'doings', 'flush', 'reporter', 'planking', 'studied', 'tonnage', 'dim', 'witnesses', 'campaign', 'plate', 'pretended', 'male', 'fain', 'non', 'halfraised', 'notorious', 'chronic', 'creating', 'erroneous', 'illustrious', 'arrangements', 'tools', 'pictured', 'strength', 'secretary', 'foul', 'principal', 'received', 'monica', 'clanking', 'impertinent', 'commissions', 'foresee', 'importers', 'consequences', 'raising', 'confederate', 'woodwork', 'finns', 'coppers', 'hold', 'mat', 'hardy', 'drunkards', 'below', 'undated', 'patted', 'jest', 'romper', 'pursued', 'jones', 'conventions', 'o', 'cried', 'voters', 'twinkle', 'jealousy', 'agra', 'b', 'encyclopdias', 'amalgam', 'ebook', 'indication', 'absence', 'beamed', 'foie', 'deposes', 'summer', 'halfandhalf', 'emerald', 'driver', 'according', 'messenger', 'afternoon', 'privacy', 'desired', 'relate', 'tophat', 'elsewhere', 'ceiling', 'miniature', 'slipping', 'fingertips', 'distinct', 'ruined', 'incoherent', 'forceps', 'offence', 'misfortune', 'shots', 'bar', 'streatham', 'fidelity', 'renew', 'girl', 'inquiry', 'goodfortune', 'previous', 'sparkled', 'sticking', 'martyrdom', 'wedding', 'san', 'reconsider', 'incident', 'leaves', 'tear', 'cursed', 'backward', 'pasty', 'prompted', 'fragment', 'planned', 'squalid', 'despite', 'matheson', 'sympathetic', 'daylight', 'personality', 'homeward', 'invalidity', 'dreamy', 'gracious', 'fashion', 'we', 'quillpen', 'brooch', 'uncontrollable', 'invariable', 'habit', 'unmistakable', 'gulp', 'prima', 'whats', 'compasses', 'pounds', 'caution', 'village', 'premature', 'disguisethe', 'she', 'boys', 'fascination', 'listless', 'urgency', 'forgive', 'overcome', 'warmed', 'shillings', 'darkness', 'comrade', 'cab', 'railway', 'petersfield', 'occupy', 'plantagenet', 'mccarthy', 'scotland', 'belt', 'grotesque', 'secondfloor', 'their', 'continent', 'willing', 'routine', 'technical', 'human', 'fattened', 'bleeding', 'hail', 'semicircle', 'weakness', 'supposed', 'sigismond', 'cocksure', 'heart', 'philosophy', 'barbaric', 'answered', 'worlds', 'feelings', 'wallowed', 'relics', 'pikestaff', 'soul', 'hill', 'deletions', 'seems', 'reference', 'climate', 'qualifications', 'sketch', 'hedge', 'crusted', 'deranged', 'hushing', 'cunning', 'warmly', 'cockroaches', 'back', 'deductible', 'right', 'refer', 'convenience', 'handy', 'trophy', 'chiffon', 'admiring', 'convincing', 'guinea', 'himthat', 'bottle', 'result', 'unfenced', 'cruelly', 'week', 'slightly', 'opportunity', 'readable', 'tackle', 'help', 'intention', 'accomplices', 'dependent', 'overdid', 'association', 'ladies', 'prepare', 'sleeps', 'derive', 'stupefying', 'ascended', 'replace', 'look', 'keeper', 'highroad', 'became', 'inflicted', 'devote', 'corridors', 'taxes', 'entreated', 'issue', 'thither', 'vanish', 'ashes', 'wasteful', 'dig', 'exposed', 'ally', 'danseuse', 'devotedly', 'transcription', 'paradoxical', 'georgia', 'play', 'adhesive', 'formidable', 'imagine', 'scores', 'obtruded', 'sobered', 'flattered', 'luggage', 'daintiest', 'pavement', 'wee', 'worrying', 'jokes', 'rusty', 'leading', 'let', 'added', 'passing', 'indian', 'stirring', 'smoothskinned', 'base', 'chatted', 'decrepitude', 'promising', 'stick', 'armchairs', 'sweet', 'aisle', 'entertaining', 'murderous', 'deeplined', 'get', 'tracks', 'glad', 'st', 'ne', 'smear', 'less', 'baxters', 'ears', 'roof', 'sophy', 'scarlet', 'him', 'month', 'earnestly', 'harmless', 'exalted', 'waistcoat', 'amid', 'precautions', 'conjunction', 'angelwas', 'tailing', 'husband', 'imprisonment', 'uffa', 'tooth', 'plugs', 'illnatured', 'diligence', 'errors', 'building', 'commencement', 'farrington', 'lead', 'shaking', 'coupled', 'hum', 'doormat', 'straggling', 'narratives', 'cleanthats', 'feigned', 'imprudence', 'bulldog', 'papers', 'glances', 'weak', 'herald', 'glasses', 'promise', 'values', 'southertons', 'dangling', 'cure', 'mudbank', 'strain', 'scribble', 'characterises', 'evidence', 'beckoning', 'despairing', 'hover', 'forebodings', 'worry', 'disregarded', 'sceptic', 'tricks', 'slept', 'disappoint', 'flight', 'entirely', 'elder', 'savage', 'bundles', 'outstanding', 'definite', 'happening', 'locus', 'implicated', 'intently', 'watch', 'acute', 'worthless', 'choosing', 'shed', 'vi', 'chains', 'provoked', 'opened', 'dutya', 'shutting', 'thoreaus', 'rests', 'wash', 'fear', 'significant', 'confined', 'summons', 'heads', 'goldmine', 'foreigner', 'transferred', 'eccentric', 'hurried', 'perturbed', 'wholesome', 'it', 'spectacle', 'stepping', 'acting', 'sorely', 'vacantly', 'upset', 'halfhopeful', 'welcomed', 'containing', 'nearing', 'ladysyour', 'desk', 'oscillates', 'investigation', 'skirts', 'casebook', 'distributor', 'worse', 'lichenblotched', 'betrothal', 'assuring', 'repairs', 'forward', 'orphanage', 'disease', 'sheets', 'professional', 'warmhearted', 'managed', 'further', 'employment', 'manufactory', 'or', 'terribly', 'sufferer', 'spent', 'seaman', 'countryhouses', 'occupation', 'wrinkles', 'ah', 'purposes', 'crates', 'landowner', 'probed', 'footman', 'recent', 'recommence', 'jane', 'youll', 'morose', 'format', 'tresses', 'neighbourhood', 'pie', 'johns', 'betrayed', 'intervals', 'owe', 'weaknesses', 'proportion', 'buffalo', 'within', 'crib', 'germanspeaking', 'policestation', 'net', 'thoroughly', 'almost', 'royalty', 'calculated', 'profound', 'whoso', 'inarticulate', 'saxecoburg', 'pinnacles', 'stooped', 'smallest', 'eightpence', 'owner', 'accidental', 'dangers', 'grinning', 'focus', 'wounded', 'curt', 'named', 'surface', 'charm', 'orgies', 'happily', 'chinese', 'dr', 'sober', 'breaches', 'carpetbag', 'ferretlike', 'matters', 'retire', 'frowning', 'cabman', 'brighter', 'cuvier', 'encompass', 'kindhearted', 'takingsbut', 'personal', 'ive', 'speeding', 'grating', 'true', 'seeking', 'leaps', 'lichen', 'positions', 'putting', 'deny', 'dollars', 'minister', 'anonymous', 'headache', 'fumbled', 'certain', 'serenely', 'eighteen', 'think', 'year', 'heinous', 'cries', 'ladder', 'washing', 'name', 'others', 'order', 'acquitted', 'restored', 'middlesized', 'objections', 'flushed', 'akimbo', 'eerie', 'hardheaded', 'serving', 'stamp', 'dundee', 'officiallooking', 'windowsill', 'dressinggown', 'ultimate', 'board', 'bullet', 'hotels', 'arrival', 'chalkpit', 'spine', 'cart', 'liability', 'taller', 'accompli', 'ejected', 'natural', 'tonone', 'results', 'bluster', 'eagerness', 'armchair', 'paragraph', 'sense', 'shrugged', 'wonder', 'spotted', 'blotted', 'judged', 'uttering', 'choose', 'injured', 'perpetrators', 'fathers', 'intrigue', 'roomyou', 'permitted', 'contains', 'incomplete', 'bone', 'jackinoffice', 'how', 'winter', 'sovereign', 'indemnify', 'everywhere', 'feel', 'medical', 'vestige', 'completely', 'anxiety', 'margin', 'deprived', 'rich', 'pack', 'treasure', 'veil', 'party', 'tottenham', 'once', 'surest', 'interim', 'recovered', 'slylooking', 'mottled', 'inadequate', 'undertaking', 'jagged', 'use', 'cosy', 'miners', 'mixed', 'favoured', 'registers', 'moodyou', 'defeated', 'stepsfor', 'pocketbook', 'noised', 'chosen', 'lustrous', 'fatally', 'beside', 'professor', 'regulations', 'concerning', 'recently', 'halffainting', 'sky', 'venomous', 'eddy', 'tale', 'handkerchief', 'trade', 'discriminate', 'looming', 't', 'denial', 'policecourt', 'warned', 'devilish', 'remains', 'see', 'rain', 'friends', 'passage', 'againhere', 'regurgitation', 'bore', 'network', 'lastthere', 'imply', 'presents', 'telephone', 'sweating', 'absorb', 'fullersearth', 'sharply', 'no', 'ventilate', 'believing', 'yourself', 'stream', 'wasnt', 'class', 'barredtailed', 'pshaw', 'mischief', 'carbolised', 'gaslight', 'overbright', 'vestry', 'sits', 'sternly', 'bind', 'houses', 'freemason', 'archery', 'prior', 'forefinger', 'looselipped', 'food', 'plumber', 'gravely', 'balance', 'gospel', 'affectionate', 'collected', 'activity', 'tender', 'criminals', 'raised', 'languid', 'fairer', 'fists', 'doctors', 'implicate', 'moon', 'fled', 'wronged', 'happened', 'informing', 'patch', 'reported', 'estimate', 'expressions', 'tidy', 'padlocked', 'faster', 'kitchen', 'alley', 'sounds', 'annoyed', 'socket', 'amuse', 'cathedral', 'twelve', 'de', 'crop', 'warm', 'absolutely', 'visible', 'placed', 'godfrey', 'pawnbrokers', 'discuss', 'mortgage', 'headgear', 'prohibition', 'improved', 'foolishly', 'copies', 'gainer', 'motive', 'scrawl', 'shoulderhigh', 'care', 'hangs', 'aunts', 'edgeware', 'favour', 'bending', 'creeping', 'fathertook', 'bushy', 'desire', 'hesitate', 'sinned', 'rare', 'weaver', 'newby', 'hesitated', 'carlsbad', 'countess', 'blanched', 'secured', 'south', 'wealth', 'protection', 'telegraph', 'astir', 'tunnel', 'crying', 'keys', 'allude', 'threat', 'tallow', 'lighting', 'cant', 'narrated', 'undue', 'lies', 'dock', 'patients', 'egg', 'wicked', 'belonging', 'hoarse', 'returns', 'quotes', 'in', 'fireengines', 'windfall', 'greasybacked', 'opportunities', 'hadnt', 'unusual', 'twentysix', 'handcuffs', 'low', 'nearest', 'pile', 'horrors', 'define', 'keen', 'anstruther', 'glint', 'twenty', 'winecellar', 'muscles', 'successors', 'restless', 'shops', 'quartering', 'folding', 'burnwell', 'grip', 'lazily', 'remarriage', 'impossibility', 'stout', 'distinctly', 'hit', 'resolve', 'jot', 'deposit', 'introducing', 'westward', 'better', 'featureless', 'voices', 'cheer', 'agrees', 'hid', 'clock', 'donations', 'govern', 'disgrace', 'reporting', 'incisive', 'paragraphs', 'ploughed', 'peajacket', 'observe', 'insinuating', 'wandering', 'manifested', 'cringing', 'kicks', 'costume', 'characters', 'lodgekeeper', 'farther', 'limited', 'peculiarities', 'courtesy', 'backi', 'severe', 'disposal', 'sequel', 'signetring', 'constructed', 'monomaniac', 'necessarily', 'sent', 'stalked', 'footpaths', 'spark', 'particular', 'fat', 'pg', 'cub', 'settled', 'slit', 'po', 'detected', 'rosebushes', 'house', 'transmit', 'stroke', 'agoto', 'loves', 'chairs', 'smashed', 'obedience', 'feasible', 'broad', 'supply', 'stevenson', 'hansoms', 'theirs', 'secluded', 'pirates', 'dad', 'rounded', 'woodenleg', 'creditor', 'fixed', 'devoted', 'fleshless', 'old', 'landlord', 'arthurs', 'briefly', 'solutionin', 'whip', 'txt', 'unreasoning', 'tomorrow', 'affection', 'theoretical', 'squeezed', 'gale', 'considerably', 'isa', 'gaiters', 'improbable', 'gipsies', 'driving', 'chubb', 'noiseless', 'couples', 'caused', 'snowclad', 'crisis', 'bengal', 'expressly', 'marshy', 'achieved', 'nor', 'kill', 'disliked', 'energy', 'landed', 'wreath', 'returning', 'recorded', 'whispering', 'leads', 'francisco', 'german', 'april', 'solved', 'christmas', 'probabilitythe', 'presses', 'womanoh', 'stroud', 'streaked', 'breathed', 'remarks', 'reduced', 'ballarat', 'examination', 'funniest', 'laughter', 'would', 'thoughts', 'identical', 'sidelong', 'repugnant', 'easterly', 'confound', 'tells', 'expressive', 'humour', 'obvious', 'grey', 'fears', 'afforded', 'upstairs', 'refusal', 'parts', 'bitterness', 'compass', 'exposure', 'entry', 'deadthe', 'something', 'suppressing', 'insects', 'whimsical', 'pungent', 'stored', 'goodafternoon', 'twinkled', 'track', 'eh', 'daughter', 'policeconstable', 'preserves', 'expound', 'burnished', 'century', 'weary', 'wilderness', 'clotilde', 'crawled', 'absurd', 'imperturbably', 'money', 'introduced', 'breath', 'solely', 'jerking', 'rushed', 'animals', 'links', 'cedars', 'girls', 'rope', 'take', 'helping', 'subscribe', 'job', 'lunch', 'packed', 'conjectured', 'restaurant', 'george', 'sedentary', 'wiser', 'adder', 'bunch', 'duncoloured', 'clever', 'pipe', 'anoints', 'hence', 'gipsy', 'dated', 'scale', 'resolution', 'longed', 'foresight', 'suggests', 'corroborate', 'ought', 'majesty', 'heavier', 'tilted', 'example', 'advertise', 'naturally', 'doubly', 'booted', 'say', 'dooties', 'tree', 'hypothesis', 'pausing', 'bankers', 'furiously', 'acid', 'drawers', 'consequential', 'expired', 'suicide', 'implicating', 'nerves', 'makings', 'tiniest', 'judicial', 'australia', 'transcribe', 'pageboy', 'seriously', 'directly', 'else', 'centuries', 'noexcept', 'cleaned', 'westhouse', 'names', 'sob', 'travels', 'real', 'sleepers', 'rejoiced', 'penal', 'eye', 'obtain', 'bush', 'accommodate', 'couple', 'arat', 'press', 'nod', 'intimate', 'joseph', 'doubted', 'frisco', 'circumspect', 'cal', 'deeper', 'averted', 'staying', 'fonder', 'damp', 'puzzling', 'explaining', 'picked', 'gottsreich', 'injury', 'insufficient', 'email', 'stretching', 'wander', 'shorter', 'cheating', 'processes', 'lawyer', 'lords', 'oil', 'flurried', 'disturbing', 'clergyman', 'masterly', 'paramount', 'illtreatment', 'problem', 'breach', 'autumnal', 'rectify', 'gazetteer', 'upbraided', 'unlike', 'fireplace', 'meant', 'cheerily', 'impressive', 'states', 'employer', 'only', 'fortyfive', 'sensation', 'blame', 'violence', 'legal', 'dream', 'campaigner', 'this', 'ein', 'has', 'kindspoken', 'idler', 'realise', 'comfortable', 'art', 'incarnate', 'considered', 'grief', 'frenchman', 'chucked', 'witness', 'notetaking', 'aside', 'arm', 'ajar', 'calcutta', 'suspected', 'sweetheart', 'guidance', 'turn', 'biassed', 'utter', 'played', 'sufficed', 'articles', 'soon', 'controlled', 'thereby', 'welldressed', 'guttering', 'disadvantage', 'speedily', 'meadows', 'citizens', 'whatsoever', 'extended', 'monograph', 'russells', 'neighbour', 'lounged', 'require', 'floridfaced', 'adjective', 'dont', 'causing', 'clatter', 'elemental', 'breaking', 'trespasser', 'able', 'district', 'disappointed', 'cudgelled', 'call', 'coil', 'cringe', 'neville', 'bet', 'aspect', 'nucleus', 'impatiently', 'accumulated', 'pinch', 'scream', 'suburb', 'carriagesweep', 'fainted', 'dragged', 'archive', 'sections', 'endless', 'advertisementhow', 'easy', 'dubious', 'brixton', 'cares', 'horsey', 'glitter', 'gone', 'category', 'indeed', 'safer', 'hesitation', 'breakfast', 'drank', 'assembled', 'mortal', 'temple', 'fait', 'strenuously', 'fitted', 'permanent', 'piston', 'surrey', 'pomposity', 'mr', 'county', 'discontent', 'gaunter', 'hinting', 'presently', 'shuddered', 'concerned', 'contract', 'ones', 'hopes', 'swelled', 'increased', 'moustachedevidently', 'excursion', 'illegal', 'connivance', 'wears', 'machinery', 'bowed', 'void', 'unwelcome', 'pinktinted', 'tons', 'lurched', 'jacket', 'handsoyou', 'unburned', 'suffer', 'doctor', 'brassy', 'overwhelmed', 'frosty', 'theories', 'creatures', 'requirements', 'simplify', 'financier', 'opinion', 'wear', 'tongue', 'unprotected', 'signalled', 'zero', 'tonight', 'stress', 'round', 'conviction', 'cheerless', 'column', 'abound', 'mantelpiece', 'thirtynine', 'crystals', 'sentence', 'housesweet', 'investigations', 'speed', 'finally', 'tothe', 'devised', 'punitive', 'casselfelstein', 'overhead', 'battered', 'tray', 'policy', 'conveyed', 'loophole', 'tone', 'capture', 'bad', 'duties', 'chose', 'there', 'paying', 'managing', 'yell', 'rashness', 'patting', 'few', 'engaging', 'allimportant', 'chagrined', 'inquired', 'bluff', 'carolinas', 'hungrily', 'coroner', 'dowry', 'outline', 'beauties', 'permit', 'emigrated', 'shapea', 'consultingroom', 'desirous', 'herefordshire', 'meredith', 'quivered', 'syllables', 'trap', 'salary', 'meddler', 'subsided', 'forger', 'responded', 'instituted', 'peeress', 'peter', 'confederates', 'lemon', 'abuse', 'thems', 'poky', 'gravesend', 'detain', 'middlesex', 'frayed', 'hacked', 'glanced', 'graver', 'moisture', 'patentee', 'forts', 'sallow', 'secretive', 'ticking', 'violinplayer', 'enabled', 'waves', 'deaths', 'ashen', 'springs', 'astronomy', 'yours', 'bonniest', 'dragging', 'trusty', 'national', 'criminal', 'huddled', 'rashers', 'tumbler', 'damaged', 'alleging', 'excessive', 'hes', 'discovered', 'beating', 'given', 'urged', 'pushing', 'flowers', 'announcement', 'mews', 'smokes', 'intuition', 'remarked', 'veiled', 'receipt', 'had', 'consciousness', 'ready', 'index', 'profession', 'break', 'typewritten', 'charred', 'reaped', 'dangerous', 'yearsi', 'random', 'kissed', 'records', 'farintosh', 'bell', 'armitagepercy', 'boat', 'fathomed', 'smoothing', 'tide', 'stones', 'appear', 'cut', 'impatient', 'gave', 'impulsive', 'sholtos', 'error', 'thought', 'kindly', 'horses', 'splendid', 'pondered', 'wagondriver', 'earthone', 'descends', 'secure', 'implicates', 'balancing', 'relic', 'following', 'days', 'struggle', 'increasing', 'desperate', 'landingplaces', 'attended', 'parcel', 'threaten', 'carts', 'conceivable', 'thinness', 'tell', 'brass', 'dawn', 'frogged', 'hobby', 'doorway', 'nonproprietary', 'anger', 'supposing', 'ray', 'lives', 'gutenbergs', 'yet', 'recovering', 'peaked', 'impulse', 'church', 'sewingmachine', 'existence', 'origin', 'terror', 'devil', 'topped', 'counts', 'stopped', 'evolved', 'successi', 'creature', 'box', 'ignorance', 'slave', 'particularly', 'rake', 'chesterfield', 'admirable', 'wifes', 'bloomsbury', 'confusion', 'penetrating', 'request', 'caved', 'rabbits', 'lucrative', 'ankles', 'moustache', 'wilsons', 'emptied', 'hanging', 'shrieked', 'flirting', 'coaxing', 'compared', 'lost', 'bitterly', 'character', 'emerge', 'twitching', 'hated', 'commonlooking', 'foretold', 'blotches', 'jet', 'unclaspings', 'france', 'begins', 'attendant', 'pompous', 'housemaid', 'impossible', 'borrowed', 'send', 'foil', 'swiftly', 'attempts', 'abandons', 'generation', 'incredible', 'pinched', 'distorted', 'diedshe', 'saucer', 'barometric', 'duplicate', 'loomed', 'unpacked', 'depressing', 'dipping', 'saying', 'stabbed', 'doubt', 'saved', 'odd', 'pains', 'sensationalism', 'varieties', 'attractions', 'marble', 'affair', 'planked', 'hungry', 'acres', 'porch', 'endell', 'sailingship', 'restore', 'theological', 'desires', 'asylum', 'supposition', 'different', 'loosened', 'redhead', 'serpent', 'current', 'hospital', 'cap', 'fold', 'custom', 'sufficient', 'tomboy', 'prevent', 'shown', 'wedged', 'pensioners', 'timbered', 'dirt', 'appropriate', 'quality', 'key', 'caps', 'rumour', 'reclaim', 'pitiable', 'ourselves', 'promptly', 'foreman', 'carrying', 'opera', 'labour', 'vows', 'approaching', 'richer', 'searched', 'burned', 'nickel', 'blackhaired', 'outward', 'decision', 'twins', 'clutches', 'royal', 'payments', 'defray', 'maximum', 'talent', 'defend', 'formerly', 'highest', 'firmness', 'scribbled', 'monotonous', 'uncovered', 'hurt', 'contact', 'zest', 'flooring', 'alexander', 'irenes', 'deportment', 'slipped', 'officelike', 'instruction', 'line', 'survived', 'disreputable', 'processing', 'show', 'sign', 'sewn', 'mistaken', 'carpets', 'preparing', 'meet', 'brims', 'central', 'taketh', 'unhealthy', 'reentering', 'sink', 'double', 'acquired', 'safe', 'looking', 'literature', 'britannica', 'twentyseven', 'hide', 'calf', 'earnest', 'balls', 'astuteness', 'lashed', 'telltale', 'sly', 'duty', 'jerked', 'investments', 'dreadfully', 'preventing', 'sheer', 'ounce', 'speckled', 'obstacle', 'apply', 'amount', 'radius', 'characteristics', 'hurriedly', 'striking', 'fathom', 'brings', 'prodigiously', 'gritty', 'housekeeper', 'fees', 'authorities', 'heavily', 'political', 'lefthand', 'pets', 'rapt', 'opposite', 'direct', 'bargain', 'loosed', 'klan', 'goose', 'subduing', 'jutting', 'bustled', 'andandwell', 'cheery', 'frockcoat', 'slovenly', 'flagged', 'retired', 'grave', 'meaning', 'stole', 'winced', 'burglars', 'hurled', 'deeply', 'plot', 'war', 'suits', 'approvingly', 'cravat', 'mere', 'latch', 'manifestations', 'type', 'keener', 'enterprise', 'waving', 'french', 'resembling', 'gordon', 'fond', 'burly', 'stared', 'oppressively', 'formed', 'lately', 'devils', 'understanding', 'gloomy', 'warmth', 'retrogression', 'smoothed', 'volumes', 'gush', 'staccato', 'pt', 'reliability', 'sleuthhound', 'displaying', 'status', 'fit', 'opposing', 'horseylooking', 'hansom', 'firmly', 'consumed', 'suspicions', 'loud', 'thousand', 'nightdress', 'onto', 'fourteenth', 'daubing', 'decrepit', 'pays', 'was', 'federal', 'sat', 'off', 'gilt', 'left', 'sallies', 'shant', 'honest', 'vere', 'erect', 'bureau', 'faults', 'shoe', 'improvisations', 'hang', 'francis', 'abrupt', 'discovering', 'alive', 'task', 'matches', 'tailless', 'selfcontrol', 'angels', 'hoofs', 'minor', 'angel', 'artificial', 'lifted', 'language', 'fire', 'incites', 'included', 'remaining', 'otherwise', 'pierce', 'inconvenience', 'testtube', 'roylotts', 'fro', 'throbbed', 'warranties', 'maggie', 'inspiring', 'transformed', 'persistence', 'built', 'stoutbuilt', 'disappearing', 'doctoras', 'mumbled', 'imitate', 'snoring', 'thinga', 'risk', 'paces', 'numerous', 'fanciful', 'complain', 'bootlace', 'abusive', 'seasonable', 'notes', 'holborn', 'deluded', 'thirtysix', 'escaping', 'currently', 'away', 'do', 'entitles', 'tragic', 'together', 'narrow', 'hastened', 'eleven', 'shocked', 'an', 'inferred', 'verify', 'paramore', 'handmirror', 'several', 'listen', 'stark', 'arranged', 'tinted', 'horner', 'doyle', 'plucking', 'scandinavia', 'breathe', 'array', 'does', 'laughing', 'secretly', 'downloading', 'vulgar', 'secrets', 'windibank', 'whitneys', 'ponderous', 'expenses', 'wwwgutenbergnet', 'facility', 'marks', 'usually', 'banged', 'zealand', 'kindness', 'codes', 'deposition', 'ornament', 'globe', 'border', 'slowly', 'incriminate', 'pitys', 'grand', 'fanlight', 'screen', 'advertising', 'huntermiss', 'jose', 'bequeathed', 'enemies', 'gathering', 'light', 'obese', 'allusion', 'gutenbergtms', 'recoil', 'bear', 'fields', 'lifeless', 'cloudwreaths', 'sticks', 'heavy', 'wedlock', 'stated', 'platform', 'fowl', 'colleague', 'certainty', 'moss', 'acknowledges', 'crudest', 'holder', 'assailants', 'smell', 'obviously', 'heading', 'style', 'investment', 'stranger', 'insensibility', 'rouse', 'programme', 'limitation', 'smooth', 'analytical', 'smoke', 'apologise', 'grinned', 'bible', 'plunging', 'highnosed', 'slide', 'possible', 'cage', 'reward', 'carbuncle', 'reliance', 'chaffering', 'boot', 'equalled', 'brave', 'warsaw', 'nights', 'sandwiched', 'such', 'space', 'accountant', 'dared', 'germans', 'that', 'noblest', 'vacant', 'heartless', 'pistol', 'arnsworth', 'flourished', 'excitement', 'capacity', 'sensational', 'february', 'steel', 'coachman', 'etherege', 'robber', 'inspect', 'passersby', 'mumbling', 'blundering', 'wwwgutenbergorg', 'night', 'strongbox', 'buildings', 'cellarsomething', 'preserve', 'needs', 'sailing', 'wight', 'footmarks', 'bakers', 'opium', 'shaving', 'way', 'meditation', 'recalled', 'spite', 'shelter', 'clients', 'calamity', 'settling', 'neutraltinted', 'alike', 'of', 'bradshaw', 'experience', 'dawdling', 'affaire', 'spun', 'prick', 'philadelphia', 'silly', 'spattered', 'loving', 'community', 'tonights', 'vile', 'oakshott', 'aristocratic', 'soldiers', 'shock', 'chimney', 'droning', 'argue', 'modified', 'tallied', 'rushes', 'circles', 'fall', 'riser', 'waiting', 'nation', 'tug', 'verge', 'madly', 'en', 'some', 'askance', 'led', 'jowl', 'drew', 'damage', 'calls', 'calhoun', 'confession', 'conscious', 'halfmad', 'cultured', 'granting', 'vote', 'believe', 'approached', 'audiblea', 'gas', 'lowered', 'business', 'straighten', 'wrung', 'storyteller', 'entity', 'simple', 'victor', 'toecap', 'fellows', 'gaunt', 'tweed', 'escape', 'attack', 'horsham', 'lateness', 'denying', 'letters', 'cheetah', 'peculiar', 'refreshed', 'proceeded', 'ventilators', 'uneasiness', 'suspecting', 'disclaim', 'incidents', 'papier', 'impatience', 'however', 'wilhelm', 'warsawyes', 'fantastic', 'mans', 'authenticity', 'next', 'instep', 'putty', 'cylinder', 'measured', 'paper', 'defiantly', 'afford', 'aid', 'marry', 'liking', 'ejaculation', 'watching', 'brewer', 'fourandtwenty', 'wit', 'willothewisp', 'link', 'unimportant', 'delusion', 'requirement', 'either', 'slabs', 'quarrels', 'foliage', 'strike', 'gossip', 'grass', 'shooting', 'wasand', 'imploring', 'pursue', 'dying', 'sunshine', 'agonies', 'fool', 'crest', 'carelessly', 'speech', 'jostling', 'lightened', 'transition', 'tiger', 'slateroofed', 'master', 'lantern', 'muttered', 'volunteer', 'poetic', 'tapping', 'threatening', 'beforehand', 'merely', 'hired', 'loved', 'sixty', 'apartment', 'bean', 'saturdays', 'hullo', 'long', 'munich', 'quench', 'retiring', 'emaciation', 'satin', 'roadway', 'secret', 'chase', 'transaction', 'wriggled', 'blinds', 'commuting', 'trunks', 'dealers', 'charities', 'determined', 'shadows', 'winchester', 'rockies', 'chalkpits', 'brawls', 'if', 'removing', 'midday', 'scratching', 'time', 'fee', 'role', 'hair', 'computer', 'voraciously', 'weave', 'nodding', 'endured', 'flora', 'butchers', 'greenwich', 'laudanum', 'held', 'inscrutable', 'bootslitting', 'riverside', 'virus', 'sitting', 'clasped', 'clutched', 'soprecious', 'set', 'progress', 'final', 'destiny', 'consented', 'cleanshaven', 'russian', 'clearer', 'shades', 'youngster', 'pursuers', 'accomplish', 'bond', 'basin', 'prefer', 'socks', 'tongs', 'honoria', 'classes', 'compromising', 'staring', 'open', 'fiery', 'december', 'knowing', 'chuckling', 'prove', 'illtrimmed', 'birchmoor', 'herd', 'security', 'instrument', 'whole', 'often', 'exchanging', 'visits', 'prosecution', 'grounds', 'ingenious', 'circumstances', 'rules', 'vacuous', 'edward', 'pedestrians', 'sprig', 'factory', 'resistance', 'indulgently', 'beloved', 'bob', 'deceased', 'private', 'palelooking', 'pale', 'bohemian', 'friendly', 'refrain', 'implacable', 'sundials', 'itself', 'remark', 'remarkable', 'freebody', 'considering', 'hosmermr', 'wisely', 'consider', 'delirium', 'lone', 'donna', 'making', 'describe', 'lanes', 'plovers', 'assaulted', 'swayed', 'epicurean', 'delicacy', 'arizona', 'those', 'shadow', 'policeman', 'fagged', 'described', 'fugitives', 'weakening', 'joint', 'pattered', 'cluster', 'tunes', 'respond', 'standing', 'scuffle', 'its', 'cthat', 'delight', 'fulfil', 'purest', 'ignorant', 'casket', 'swain', 'i', 'cloud', 'delirious', 'anywhere', 'walls', 'prolong', 'foremost', 'struggled', 'diving', 'hatsecurer', 'objection', 'liberty', 'caught', 'habits', 'knot', 'openeyed', 'belated', 'nest', 'indirectly', 'instantly', 'banda', 'crosslegged', 'bonnet', 'consoled', 'scott', 'distinctive', 'moral', 'coquettish', 'narrative', 'dyou', 'doran', 'sons', 'coins', 'peeled', 'th', 'wimpole', 'accused', 'assist', 'now', 'note', 'incidental', 'roughs', 'researches', 'frame', 'unrepaired', 'staircases', 'shortcomings', 'although', 'observation', 'echo', 'trace', 'somehow', 'ormstein', 'vigorously', 'leakage', 'kettle', 'pluck', 'teeth', 'wood', 'peaceoffering', 'eclipsed', 'injunction', 'seedy', 'villagers', 'creaking', 'never', 'oldfashioned', 'congratulate', 'american', 'tomfoolery', 'attentions', 'corridorlamp', 'incorrigible', 'luxuries', 'avenue', 'wire', 'yelled', 'landau', 'defence', 'moods', 'likely', 'exquisite', 'absolved', 'volunteers', 'addressed', 'then', 'starving', 'my', 'sum', 'mastiff', 'detracted', 'matter', 'updated', 'put', 'haze', 'age', 'heapedup', 'cargo', 'redistribution', 'aperture', 'forehead', 'seconds', 'schemer', 'ominous', 'responsibility', 'boyish', 'crushed', 'pity', 'pipesi', 'trove', 'horrorstricken', 'wandered', 'ere', 'companions', 'clang', 'patient', 'addition', 'salt', 'panted', 'imminent', 'handle', 'oversight', 'wrenching', 'enwrapped', 'goodge', 'detour', 'pray', 'poured', 'hunters', 'fate', 'serpentine', 'keenwitted', 'thoughtless', 'novel', 'piping', 'heel', 'breakfasts', 'synonymous', 'advocate', 'darlington', 'threatened', 'try', 'weddingdress', 'craggy', 'gravel', 'total', 'vessel', 'one', 'accessible', 'clothes', 'chain', 'judge', 'saxemeningen', 'during', 'matchseller', 'stolen', 'disgust', 'trifles', 'embellish', 'ostrich', 'promised', 'dimlit', 'detective', 'cool', 'inst', 'cleanly', 'realism', 'midst', 'firelight', 'lip', 'pulled', 'first', 'monday', 'nut', 'electric', 'purchase', 'three', 'munificent', 'into', 'cloth', 'glance', 'shall', 'hailed', 'front', 'joined', 'holland', 'unexpected', 'apiece', 'photography', 'roasting', 'pglaf', 'drawingroom', 'irresistible', 'valet', 'frank', 'portsdown', 'facet', 'pritchard', 'accessed', 'saturated', 'keyhole', 'free', 'hour', 'instance', 'copying', 'concise', 'missed', 'ejaculated', 'regard', 'greenroom', 'radiance', 'chamois', 'itll', 'window', 'stood', 'covent', 'readily', 'women', 'pit', 'place', 'pending', 'civilisation', 'harrow', 'wonderful', 'botany', 'ferocious', 'coattails', 'begging', 'rocket', 'hosmer', 'vain', 'stamped', 'quill', 'mansion', 'wreaths', 'saturday', 'tint', 'inexplicable', 'gap', 'crowder', 'timesthree', 'beam', 'smiling', 'banks', 'satisfactory', 'curving', 'brim', 'hatbut', 'fatencircled', 'presumably', 'swarm', 'mothers', 'waiter', 'porter', 'brightness', 'england', 'skull', 'continue', 'coatsleeve', 'certificates', 'darknesssuch', 'bearings', 'stare', 'dundas', 'responsible', 'depression', 'trapdoor', 'roofs', 'tradesmens', 'informality', 'under', 'western', 'bordeaux', 'powerful', 'slink', 'rift', 'months', 'beggarman', 'sholto', 'despaired', 'reeds', 'plunge', 'persian', 'book', 'invent', 'beautifully', 'pipes', 'desultory', 'waisthigh', 'lurking', 'graceful', 'perspired', 'surely', 'redheads', 'hellish', 'sins', 'windigate', 'form', 'thoughtfully', 'america', 'indicatedthat', 'simpleminded', 'lamp', 'teach', 'boardingschool', 'boy', 'massive', 'subtle', 'concluded', 'astonishment', 'heavylidded', 'southwest', 'becomes', 'cushion', 'tight', 'relatives', 'whenever', 'ostlers', 'coroners', 'recesses', 'ungrateful', 'rickety', 'boiling', 'painful', 'race', 'sentencethis', 'apt', 'begged', 'urging', 'tiredlooking', 'rustic', 'called', 'bars', 'enclosure', 'entreaties', 'londoners', 'ordered', 'affliction', 'stripes', 'river', 'doubts', 'need', 'temper', 'pentonville', 'heaven', 'government', 'plucked', 'majorgeneral', 'spence', 'multiply', 'slashed', 'curlybrimmed', 'attacked', 'walsingham', 'mexico', 'glow', 'works', 'italian', 'villainy', 'indicate', 'alteration', 'puny', 'upon', 'unopened', 'equipment', 'stagnant', 'wife', 'fast', 'talk', 'bathroom', 'explains', 'stroll', 'awaiting', 'unnatural', 'shamefaced', 'glided', 'hart', 'bruise', 'compliance', 'vegetarian', 'hydraulics', 'satisfied', 'gaol', 'closely', 'eagerly', 'fad', 'sheet', 'brandy', 'inside', 'collapsed', 'accumulation', 'faded', 'warning', 'losing', 'timid', 'memoranda', 'accepting', 'marketplace', 'sweeping', 'walking', 'counsel', 'cuts', 'charges', 'lovely', 'ceases', 'peace', 'chairman', 'port', 'commissionaire', 'stable', 'ennui', 'penny', 'funny', 'ear', 'betray', 'blurs', 'outlined', 'unravel', 'product', 'tallowstains', 'standard', 'twitter', 'detail', 'swung', 'supplementing', 'limecream', 'useful', 'harris', 'bellropes', 'breakfastroom', 'negligence', 'duly', 'curiosity', 'stageha', 'descending', 'sends', 'unsolved', 'simons', 'hoarsely', 'felony', 'william', 'castle', 'interposed', 'swandam', 'operations', 'exercising', 'ring', 'artillery', 'ungenerously', 'terse', 'boards', 'wouldnt', 'dogwhip', 'disfigured', 'sittingroom', 'pained', 'r', 'antecedents', 'deserved', 'gallop', 'arrested', 'mean', 'maker', 'develop', 'morcars', 'devonshire', 'breckinridge', 'elderly', 'petulance', 'register', 'greyish', 'cannon', 'senility', 'magnifying', 'singular', 'interrupted', 'worst', 'effort', 'upperattendant', 'bicycling', 'explanation', 'consuming', 'lameness', 'beggar', 'statement', 'pain', 'expense', 'intrusted', 'love', 'organized', 'practice', 'books', 'lightning', 'explore', 'sill', 'steam', 'sable', 'vary', 'wages', 'breathing', 'carved', 'infer', 'spongy', 'pardon', 'indisposition', 'introspect', 'blow', 'calculate', 'hospitality', 'speak', 'stares', 'bullion', 'kindled', 'middle', 'provisions', 'gods', 'trampled', 'constable', 'impassable', 'contraltohum', 'deceptive', 'heard', 'whom', 'distant', 'steely', 'l', 'ascertain', 'document', 'bracelets', 'arresting', 'candidate', 'pinpoint', 'produced', 'reopening', 'method', 'lash', 'goodsized', 'stay', 'lets', 'motives', 'hell', 'wickedness', 'franks', 'smokerocket', 'slice', 'breastpin', 'stepmother', 'reconsidered', 'preposterous', 'owed', 'conspiring', 'rug', 'wish', 'spirit', 'online', 'stuffed', 'fix', 'dwelling', 'clanging', 'childs', 'liked', 'advantage', 'choked', 'wink', 'hoard', 'speciously', 'varied', 'bearing', 'charcoal', 'entries', 'baboon', 'clue', 'inference', 'timea', 'taking', 'expedition', 'baffled', 'sums', 'giant', 'date', 'more', 'stain', 'kings', 'alterations', 'single', 'law', 'shoes', 'brickish', 'atmosphere', 'breaks', 'broadbrimmed', 'regained', 'disentangled', 'faces', 'leaving', 'receiving', 'indirect', 'happen', 'guard', 'laid', 'page', 'fortunately', 'occipital', 'greater', 'pallor', 'stained', 'payday', 'dogcart', 'exchange', 'plain', 'victim', 'weight', 'postpone', 'crate', 'chanced', 'watermark', 'eg', 'aversion', 'fellowcountryman', 'deeds', 'confess', 'failed', 'struggling', 'fills', 'concealment', 'balmoral', 'embankment', 'workmen', 'trepoff', 'imbecility', 'roughly', 'republican', 'deficiencies', 'withdraw', 'barricade', 'cuff', 'write', 'separated', 'tramped', 'verbatim', 'kramm', 'vex', 'square', 'ten', 'adler', 'fail', 'watchchain', 'patches', 'forgiven', 'poisoning', 'bridegroom', 'brace', 'coincidences', 'essentialabsolute', 'rocked', 'dirty', 'clamped', 'glade', 'indians', 'hunter', 'feather', 'loans', 'gustave', 'enthusiastic', 'weighted', 'prime', 'wondering', 'swinging', 'murderer', 'goodtoo', 'heated', 'hunting', 'beckoned', 'serve', 'win', 'farms', 'sliding', 'conception', 'difficulties', 'pocket', 'whisky', 'inconsequential', 'discrepancy', 'directed', 'dregs', 'pride', 'wake', 'fritz', 'doddering', 'twoandtwenty', 'complying', 'imbedded', 'gladstone', 'about', 'zigzag', 'bachelors', 'hypertext', 'cur', 'quickly', 'grind', 'pages', 'protect', 'tearing', 'superb', 'worker', 'lonely', 'nowso', 'warn', 'locality', 'advertisements', 'posterior', 'filed', 'stamping', 'vagabonds', 'employs', 'till', 'favourable', 'diningroom', 'handed', 'leatherhead', 'chequebook', 'flew', 'appears', 'conventionalities', 'assisted', 'keep', 'direction', 'glamour', 'positive', 'thrown', 'snapped', 'snarled', 'tallowwalks', 'gratitude', 'exceeded', 'prendergast', 'energetic', 'richest', 'rattle', 'occupations', 'power', 'flattened', 'revealed', 'customer', 'climbed', 'pauper', 'cusackand', 'sport', 'exhibited', 'idle', 'destruction', 'fished', 'staggering', 'mister', 'contributions', 'throughout', 'preexisting', 'pacific', 'lady', 'businesslike', 'footmen', 'person', 'got', 'saddest', 'jump', 'episode', 'implies', 'youve', 'addressing', 'fuss', 'ours', 'idiot', 'preach', 'pockets', 'childone', 'compose', 'catching', 'improving', 'heirs', 'established', 'regular', 'glisten', 'folded', 'utf', 'cocktail', 'snake', 'obtained', 'strict', 'floor', 'tense', 'unpapered', 'apology', 'god', 'miss', 'king', 'persons', 'unprecedented', 'lines', 'befall', 'tudor', 'attain', 'signs', 'worn', 'stillness', 'hoped', 'serves', 'dd', 'flags', 'adopted', 'helps', 'carlo', 'flowing', 'biographies', 'start', 'reproachfully', 'doubting', 'peeped', 'various', 'thoughtful', 'bedrooms', 'notable', 'biography', 'hasp', 'uncourteous', 'faint', 'flitted', 'thanwell', 'surgeons', 'smarting', 'trimmed', 'element', 'morcar', 'journeys', 'social', 'petty', 'submit', 'logical', 'smearing', 'sheep', 'iii', 'conversation', 'performed', 'passenger', 'panelled', 'prominently', 'ended', 'showed', 'granted', 'plunged', 'nightit', 'absent', 'dry', 'sleeves', 'dried', 'spirits', 'triumphant', 'limbs', 'regency', 'stables', 'meanwhile', 'edges', 'refers', 'shootingboots', 'when', 'weather', 'lose', 'furniture', 'sleeve', 'expecting', 'extremity', 'denied', 'duchess', 'torn', 'quitted', 'loudly', 'invariably', 'ran', 'web', 'peterson', 'smiled', 'grate', 'fill', 'slam', 'clark', 'honeymoon', 'couldnt', 'third', 'hook', 'dispatched', 'guide', 'mailboat', 'near', 'follows', 'everyone', 'profoundly', 'danger', 'scoundrel', 'alternation', 'chaff', 'henry', 'spouting', 'cleverness', 'plantation', 'expressed', 'originator', 'lecture', 'ago', 'solitude', 'corresponds', 'stayathome', 'rat', 'colony', 'rumours', 'envelope', 'vanished', 'handmade', 'proofread', 'jury', 'select', 'moonlight', 'access', 'lhomme', 'resided', 'dockyard', 'her', 'hafiz', 'jabez', 'card', 'relative', 'nitrate', 'cest', 'marines', 'windswept', 'marked', 'sixteen', 'clink', 'poorer', 'andover', 'million', 'bird', 'interview', 'presuming', 'ample', 'cigarholder', 'ceased', 'diadem', 'employers', 'removed', 'known', 'twohundredyearold', 'millar', 'rural', 'stains', 'nova', 'swing', 'same', 'ask', 'lurid', 'lighthouse', 'stars', 'groaned', 'extend', 'writing', 'majestys', 'construction', 'wardrobe', 'clara', 'fine', 'possess', 'lid', 'throws', 'framework', 'beings', 'branded', 'bulge', 'womanhood', 'opiumsmoking', 'trough', 'foundnever', 'dusk', 'imposed', 'rolling', 'chronicle', 'simply', 'like', 'selfrespect', 'vitriolthrowing', 'feed', 'flattening', 'much', 'hundreds', 'dislike', 'coat', 'began', 'steamed', 'divined', 'whiteaproned', 'photograph', 'farmsteadings', 'boisterous', 'children', 'tout', 'shopping', 'spinning', 'superscription', 'india', 'deceived', 'exclamation', 'stop', 'couch', 'drivingrod', 'travel', 'precisely', 'clank', 'control', 'becoming', 'latter', 'stupid', 'hawklike', 'dressingtable', 'deference', 'waste', 'neither', 'oscillation', 'exceptionally', 'cushioned', 'highway', 'bald', 'supplier', 'lloyds', 'retain', 'tenable', 'experiences', 'soie', 'bland', 'gazed', 'cheeks', 'nonentity', 'grit', 'wrongfully', 'tossing', 'sensible', 'smokeladen', 'perfectly', 'hydrochloric', 'high', 'closefitting', 'breathlessly', 'persuaded', 'inferences', 'gesticulating', 'meanly', 'occurrence', 'repeated', 'gear', 'recommend', 'asserted', 'whiten', 'lovers', 'writ', 'trouser', 'inches', 'harm', 'island', 'offers', 'silvered', 'strange', 'puzzle', 'overtaken', 'offer', 'buttons', 'suspicion', 'hobbies', 'singularly', 'landowners', 'buckles', 'screening', 'sharing', 'havea', 'royalties', 'sponge', 'briskly', 'study', 'h', 'twoedged', 'specified', 'chat', 'park', 'ugly', 'prediction', 'who', 'jewels', 'dog', 'beginning', 'metal', 'experienced', 'appeals', 'parched', 'disguise', 'release', 'numbers', 'startled', 'applying', 'heap', 'tuesday', 'pointed', 'cracked', 'bought', 'fiver', 'vanishing', 'health', 'ventured', 'famished', 'eastward', 'tapped', 'camberwell', 'brilliantly', 'billet', 'lightcoloured', 'communication', 'rush', 'provide', 'blackletter', 'succession', 'circle', 'theres', 'sudden', 'hard', 'inquest', 'gash', 'fads', 'regent', 'doreally', 'simplicity', 'aldershot', 'ned', 'whereabouts', 'issues', 'killing', 'receipts', 'harvest', 'offered', 'sutherland', 'side', 'concisely', 'lifepreserver', 'effect', 'railedin', 'ashamed', 'snug', 'history', 'architects', 'area', 'begin', 'memoir', 'die', 'gum', 'regain', 'opposition', 'enlarged', 'squire', 'predominates', 'easily', 'depicted', 'mingled', 'livid', 'tore', 'action', 'broadest', 'sallowskinned', 'rascally', 'populous', 'sentimental', 'been', 'copper', 'jewel', 'ending', 'waited', 'profited', 'imperilled', 'fiveandtwenty', 'using', 'repute', 'drawing', 'events', 'lobster', 'encoding', 'stagger', 'enormous', 'crimes', 'lestrade', 'vivid', 'larger', 'writhed', 'save', 'accuser', 'conceive', 'cashier', 'verdict', 'shone', 'boomed', 'rate', 'diligently', 'flicking', 'introspective', 'wrists', 'mendicant', 'yonder', 'extinguishes', 'recoiled', 'wwwgutenbergorgcontact', 'handled', 'perplexed', 'escaped', 'stepdaughter', 'daring', 'science', 'employing', 'utmost', 'bitter', 'remove', 'condescend', 'mud', 'draw', 'face', 'hedges', 'moments', 'pledge', 'count', 'savagely', 'repeatedly', 'spared', 'passionate', 'complimentary', 'desperation', 'changing', 'clerks', 'affect', 'comfort', 'gushes', 'exceeding', 'narrowly', 'despair', 'blonde', 'pink', 'cripple', 'morocco', 'peculiarly', 'unnoticed', 'drenched', 'suggested', 'finding', 'limit', 'plausible', 'typewriter', 'shouldnt', 'actress', 'inflamed', 'cast', 'helen', 'lodginghouse', 'civilised', 'ropeor', 'saviour', 'scenes', 'mangled', 'might', 'expostulating', 'thrill', 'righthand', 'constabulary', 'lenses', 'ruffian', 'bank', 'arrows', 'morris', 'pleased', 'sombre', 'factor', 'cupboard', 'shriek', 'bound', 'heavens', 'stock', 'features', 'transformer', 'conceal', 'understood', 'staining', 'entering', 'nightbird', 'shining', 'abominable', 'adventuress', 'lining', 'vii', 'discretion', 'ulster', 'thickly', 'closed', 'planks', 'verbs', 'founded', 'lethargy', 'halfcrowns', 'stair', 'keenly', 'leatherleggings', 'lens', 'pass', 'hesitating', 'partly', 'redder', 'soft', 'yard', 'crude', 'china', 'be', 'owns', 'florida', 'repulsive', 'process', 'boone', 'dingy', 'highness', 'egria', 'payment', 'sprang', 'reuse', 'society', 'renewed', 'gong', 'klux', 'swash', 'understand', 'resistless', 'clutching', 'conan', 'cracks', 'woodcock', 'stairs', 'escort', 'decline', 'caseful', 'expect', 'un', 'pennsylvania', 'mother', 'noting', 'pictures', 'gallows', 'rigid', 'redcovered', 'registry', 'blasted', 'wanting', 'murky', 'wits', 'eyeglasses', 'endeavoured', 'racemeetings', 'brazier', 'perfect', 'paused', 'winding', 'tunnels', 'vestas', 'believed', 'quite', 'planet', 'your', 'yesterday', 'acquire', 'weedy', 'soothingly', 'succeed', 'illustrate', 'complex', 'restrictions', 'worthy', 'prison', 'liar', 'accidents', 'antagonist', 'curb', 'soothed', 'sherlock', 'lower', 'cigarettes', 'itthat', 'chances', 'spectators', 'associate', 'commission', 'smoothness', 'curses', 'knocked', 'isle', 'blind', 'upper', 'downstairs', 'dressed', 'openshaw', 'ryders', 'unsolicited', 'profits', 'selfreproach', 'persecution', 'runs', 'velvet', 'accompany', 'openings', 'orphan', 'baker', 'conclusion', 'forestalling', 'cocking', 'disagreements', 'exempt', 'buzz', 'sweetly', 'sneer', 'court', 'stoner', 'carre', 'instructive', 'bold', 'abruptly', 'quarrelling', 'comment', 'sacrificed', 'whiter', 'overhearing', 'declared', 'watchall', 'ulsters', 'higher', 'wellnigh', 'youre', 'boardingschools', 'catlike', 'windibankthat', 'measures', 'dead', 'indignation', 'readyhanded', 'implied', 'thudding', 'stale', 'civil', 'counsellor', 'studying', 'outbreaks', 'none', 'footfall', 'effusive', 'comical', 'rounds', 'publicity', 'bijou', 'overseen', 'masters', 'pieces', 'decide', 'drifted', 'journey', 'hurling', 'tottering', 'woven', 'rolled', 'value', 'immediately', 'gratefully', 'awaited', 'changed', 'prague', 'smudge', 'tangible', 'youd', 'perfection', 'kingdom', 'trimly', 'duncan', 'dane', 'addresses', 'management', 'prices', 'ball', 'pooh', 'wrong', 'performing', 'ku', 'brownish', 'fund', 'treatises', 'abomination', 'symptom', 'admitted', 'knots', 'richness', 'berkshire', 'abandoned', 'married', 'viii', 'laughed', 'pressure', 'voice', 'special', 'weddingclothes', 'contain', 'violet', 'entrance', 'stoneflagged', 'include', 'foppishness', 'unfettered', 'quiet', 'blackest', 'travelling', 'manager', 'handing', 'five', 'sea', 'recover', 'bluetinted', 'wayward', 'assertion', 'squat', 'accompanied', 'cubic', 'geese', 'madman', 'selfrestraint', 'local', 'solid', 'wines', 'outside', 'bounded', 'dull', 'tumultuously', 'caged', 'coughhad', 'future', 'mcquires', 'librarychair', 'brute', 'waterpolice', 'wall', 'docks', 'sought', 'said', 'pause', 'vacancies', 'brazen', 'formalities', 'debt', 'suavely', 'peep', 'stage', 'villains', 'readers', 'outandout', 'copied', 'serious', 'purple', 'ascend', 'redistribute', 'not', 'lamps', 'uncouth', 'strangers', 'tend', 'indications', 'unobserved', 'height', 'verrons', 'watched', 'barque', 'nous', 'wellcut', 'started', 'slow', 'loathed', 'wellington', 'burden', 'marrying', 'mailing', 'doubtless', 'supplied', 'conspicuous', 'mood', 'mankind', 'scala', 'minutes', 'acquirement', 'surgeon', 'everybody', 'fits', 'servingman', 'earlier', 'trademark', 'ideal', 'kensington', 'encouraging', 'charged', 'absorbing', 'adventure', 'educational', 'sundial', 'womans', 'uncles', 'english', 'ushered', 'sickness', 'insight', 'coburg', 'rifle', 'attired', 'temples', 'california', 'term', 'goodness', 'accurate', 'enjoyed', 'revenue', 'cup', 'underneath', 'indistinguishable', 'exclaimed', 'leaf', 'proposal', 'shrunk', 'paradol', 'elias', 'dashing', 'sidelights', 'gathered', 'joy', 'engagement', 'hears', 'dropped', 'disqualify', 'jem', 'head', 'brightest', 'ordinary', 'shuffled', 'impersonal', 'garden', 'museum', 'bloody', 'ribbed', 'eliminated', 'decided', 'tawny', 'plainclothes', 'newcomers', 'empire', 'wiry', 'servantsa', 'dangerously', 'available', 'ruddyfaced', 'problems', 'blackmailing', 'baying', 'saluted', 'behind', 'disjecta', 'improbabilities', 'satisfaction', 'armour', 'subject', 'hot', 'ladyyou', 'twopence', 'wing', 'freedom', 'peasant', 'blue', 'infirmity', 'certainly', 'robinson', 'doublebreasted', 'scandals', 'abnormal', 'threshold', 'rearing', 'weighing', 'snow', 'solemnly', 'colonel', 'bedtime', 'mining', 'drugcreated', 'protruded', 'comes', 'arrive', 'childrens', 'accent', 'beauty', 'story', 'berths', 'storm', 'legally', 'companies', 'akin', 'common', 'villas', 'sensitive', 'implore', 'sidewhiskered', 'inspector', 'groping', 'description', 'obligations', 'convulse', 'gesellschaft', 'figures', 'defects', 'amused', 'pleading', 'lounging', 'faced', 'contemplation', 'nay', 'expiring', 'obstinate', 'circumstantial', 'ancestral', 'leave', 'twentyone', 'tenfold', 'thanking', 'insult', 'thieves', 'fasteners', 'quarrel', 'baggy', 'foolscap', 'observed', 'pens', 'tenderhearted', 'watson', 'lover', 'thousands', 'commonly', 'plied', 'redistributing', 'tinged', 'baleful', 'impending', 'reared', 'grieved', 'original', 'birds', 'background', 'von', 'constraint', 'thumb', 'group', 'loafing', 'compressed', 'advance', 'interruption', 'spot', 'hereditary', 'foot', 'wisdom', 'appeal', 'ferguson', 'downward', 'bearded', 'wheels', 'instinct', 'league', 'always', 'sex', 'chalk', 'towards', 'monarch', 'remedied', 'sadly', 'woodenlegged', 'plaster', 'hanged', 'lace', 'shape', 'clair', 'competition', 'apprenticed', 'complicates', 'recollect', 'nodded', 'courtyard', 'homesteads', 'harmony', 'pa', 'masculine', 'scales', 'purse', 'litter', 'fiftyguinea', 'enemy', 'distinguish', 'courage', 'repaid', 'may', 'wont', 'tinge', 'horrible', 'pitiful', 'touching', 'earshot', 'every', 'fancies', 'ruby', 'rapid', 'pleasure', 'inquirer', 'test', 'short', 'fondness', 'propagation', 'income', 'deep', 'expectancy', 'bored', 'terms', 'quicktempered', 'solemn', 'moulton', 'profit', 'dizziness', 'client', 'part', 'phrase', 'againof', 'moved', 'preoccupied', 'incredulity', 'affectation', 'trafalgar', 'pro', 'bonny', 'sealed', 'slang', 'post', 'barmaid', 'sarasate', 'sole', 'jolted', 'occasionally', 'jerkily', 'indiarubber', 'glass', 'too', 'burst', 'jaw', 'incapable', 'whipcord', 'f', 'prepared', 'unique', 'tricked', 'betraying', 'sound', 'tenant', 'streetand', 'eager', 'kneeling', 'volley', 'englishman', 'exacted', 'scissorsgrinder', 'clairs', 'moist', 'valise', 'worth', 'crowded', 'gentle', 'actionable', 'crony', 'brainattic', 'dontits', 'continents', 'abnormally', 'representations', 'mercy', 'savannah', 'rabbit', 'liver', 'piling', 'grin', 'farm', 'openly', 'freak', 'because', 'answer', 'branch', 'bed', 'showing', 'liable', 'goodwill', 'monosyllables', 'fish', 'braved', 'rummaged', 'captured', 'as', 'proosia', 'fattest', 'wound', 'good', 'libraries', 'visitor', 'restive', 'conducting', 'evening', 'muttering', 'dilate', 'introduce', 'crumpled', 'greatcoat', 'fraud', 'folly', 'plannings', 'myself', 'fourth', 'goodhumoured', 'unprofitable', 'far', 'tweedsuited', 'marriage', 'selections', 'uppermost', 'wilful', 'streets', 'message', 'lain', 'meddle', 'eavesdroppers', 'suddenly', 'daytime', 'paced', 'splashed', 'performer', 'mentioned', 'bag', 'shot', 'parents', 'flying', 'rude', 'esq', 'boxes', 'shelves', 'easier', 'tragedy', 'prying', 'unenforceability', 'drooping', 'salesman', 'gold', 'depose', 'peaceful', 'frankly', 'hiss', 'rifts', 'what', 'sulking', 'specimen', 'dejected', 'faithfully', 'insist', 'trooped', 'jove', 'rough', 'hardfelt', 'buttoning', 'flicked', 'curve', 'rotterdam', 'again', 'alone', 'survivor', 'maddening', 'fromperhaps', 'accounts', 'flaring', 'leg', 'wheal', 'simplest', 'child', 'convulsion', 'scintillating', 'crewe', 'wearing', 'brilliant', 'prolonged', 'grateful', 'werestraw', 'inquiries', 'chill', 'flecked', 'shirt', 'retained', 'lectures', 'august', 'ak', 'addicted', 'establishment', 'position', 'occur', 'abroad', 'drop', 'actor', 'coincidence', 'wings', 'magistrates', 'placea', 'wine', 'lengths', 'luck', 'lonelier', 'prisoner', 'oppressed', 'done', 'relish', 'proposed', 'fright', 'warren', 'patersons', 'enough', 'discourage', 'pretends', 'trembling', 'jezail', 'vanishes', 'extinguished', 'compromise', 'terrified', 'bend', 'fatigued', 'shutter', 'fulfilled', 'arduous', 'fasten', 'commenting', 'copy', 'immense', 'preserving', 'wondered', 'slavey', 'ornaments', 'steaming', 'concerts', 'says', 'perpetual', 'burglar', 'madness', 'sooner', 'trite', 'observer', 'swag', 'scorn', 'bearhe', 'bileshot', 'continuously', 'implicit', 'unfortunately', 'periodic', 'alert', 'engraved', 'waggled', 'cross', 'madame', 'raise', 'presumption', 'humiliation', 'probing', 'walks', 'deepset', 'attitude', 'two', 'fleecy', 'hauling', 'words', 'drove', 'oaths', 'stoke', 'items', 'union', 'circulation', 'erected', 'blowing', 'june', 'both', 'represented', 'dissolute', 'enable', 'devoured', 'snuffbox', 'fogs', 'beforebreakfast', 'production', 'household', 'connected', 'vilest', 'earliest', 'postmark', 'mirror', 'bath', 'parkkeeper', 'cleaver', 'simon', 'reverse', 'pauls', 'dayit', 'thickening', 'darkened', 'travelled', 'copyright', 'equality', 'zip', 'disguised', 'ebbing', 'v', 'laterthat', 'happy', 'admirably', 'wonderfully', 'initials', 'skirt', 'innocence', 'demurely', 'earned', 'adviser', 'dreaming', 'necessary', 'paternal', 'observing', 'alice', 'hats', 'informed', 'lord', 'cushions', 'wellknown', 'weekly', 'shouting', 'transform', 'proprietary', 'boundary', 'muzzle', 'shows', 'merit', 'slippery', 'blanche', 'smaller', 'realising', 'manage', 'standi', 'visiting', 'complimented', 'dressingroom', 'dipped', 'pestering', 'distributed', 'correct', 'pen', 'postmarks', 'red', 'generous', 'proposition', 'yellowbacked', 'injustice', 'lank', 'alaska', 'transparent', 'purveyor', 'compliment', 'blacksmith', 'valuable', 'divan', 'goodbye', 'cardcase', 'knock', 'collecting', 'acetones', 'gentlemans', 'lodger', 'newsletter', 'entailed', 'mauritius', 'paint', 'provinces', 'assisting', 'disregarding', 'tones', 'assures', 'truthhe', 'boa', 'sots', 'commonplaces', 'possession', 'frequent', 'planted', 'warnings', 'frosted', 'useless', 'dispose', 'safeguard', 'personally', 'west', 'brother', 'sensations', 'deceive', 'intimacy', 'give', 'chest', 'sake', 'whitney', 'sardonic', 'unfortunate', 'abhorrent', 'wincing', 'avert', 'against', 'eyford', 'furnish', 'seeher', 'allnight', 'admirers', 'performances', 'insensibly', 'estates', 'loathsome', 'turned', 'brushed', 'colonies', 'out', 'tickets', 'rumble', 'flapped', 'residence', 'fleeting', 'wigs', 'puzzled', 'surly', 'located', 'list', 'texts', 'picture', 'ensuring', 'printed', 'patentleather', 'oath', 'shading', 'whether', 'diamondshaped', 'newer', 'sternpost', 'mature', 'elementary', 'languor', 'amoy', 'complaint', 'doing', 'insolence', 'accomplishments', 'wooded', 'drinking', 'descended', 'quote', 'produce', 'confirmation', 'deception', 'contents', 'daresay', 'persuasions', 'hearty', 'leaned', 'leader', 'whitewashed', 'fetch', 'bleak', 'temperament', 'clbres', 'overhear', 'francoprussian', 'mysteries', 'californian', 'wormeaten', 'twentynine', 'delicately', 'darker', 'flood', 'necessitate', 'oxfordshire', 'drifting', 'halfpennies', 'material', 'waterproof', 'distrusted', 'lateforever', 'obeyed', 'brisk', 'corners', 'slut', 'minutely', 'jumped', 'applicant', 'pestered', 'compilation', 'episodes', 'wearer', 'mental', 'healthy', 'supporting', 'sevenandtwenty', 'unable', 'clouded', 'learned', 'epistle', 'employ', 'writers', 'silent', 'belief', 'welcome', 'undergo', 'simpler', 'undo', 'shakedown', 'fortune', 'petrified', 'deduction', 'white', 'holmeslord', 'laughingstock', 'contrition', 'level', 'rings', 'prosper', 'bandy', 'noise', 'portion', 'threadneedle', 'openshaws', 'scotia', 'pretext', 'dearly', 'seek', 'colour', 'inquire', 'waitingmaid', 'sending', 'brows', 'gossiping', 'former', 'text', 'castoff', 'he', 'consequence', 'nowthough', 'saxon', 'panelling', 'grandfather', 'neutral', 'reasonable', 'presencein', 'invested', 'pressing', 'sounded', 'bachelor', 'taken', 'triangular', 'recourse', 'dishonourable', 'nipper', 'beautiful', 'sister', 'viewing', 'which', 'obstinacy', 'rattled', 'toast', 'displayed', 'grew', 'rested', 'felt', 'colonels', 'assuredly', 'relapsed', 'thumbnails', 'determination', 'a', 'wifeyou', 'past', 'threatens', 'europe', 'rather', 'thief', 'carpet', 'aspired', 'facing', 'yawn', 'tail', 'thinks', 'coronet', 'finely', 'cocaine', 'lake', 'momentary', 'pencils', 'sighing', 'moonshine', 'turner', 'jealously', 'beggary', 'disregard', 'gloves', 'calling', 'lanterns', 'vague', 'excuse', 'quickwitted', 'merry', 'bright', 'harley', 'crown', 'survive', 'thresholds', 'remedies', 'badge', 'mousseline', 'defective', 'heh', 'sally', 'wilson', 'awakened', 'gamekeeper', 'mortar', 'coats', 'amusing', 'relation', 'checkmate', 'edition', 'equinoctial', 'smoothfaced', 'vulnerable', 'debts', 'unseat', 'docketing', 'shilling', 'terminated', 'baits', 'elapsed', 'disappearanceare', 'amateur', 'stall', 'exporting', 'swan', 'mustard', 'kind', 'degenerating', 'waterloo', 'region', 'paid', 'waterjug', 'continually', 'imposing', 'groundlet', 'wheres', 'seated', 'infinitely', 'senses', 'waned', 'silence', 'steal', 'involved', 'malignant', 'aroused', 'magnifico', 'later', 'windows', 'snakish', 'endeavour', 'pawnbroker', 'exact', 'newspapers', 'distaff', 'michael', 'eglonitzhere', 'shelf', 'alternate', 'poison', 'elastic', 'directions', 'ends', 'cell', 'unknown', 'letter', 'claspings', 'derivative', 'so', 'cheekbones', 'tonightand', 'benefactor', 'cave', 'avoid', 'foundation', 'swimmer', 'literary', 'broadened', 'skin', 'stocked', 'sottish', 'cosmopolitan', 'backed', 'seastories', 'fruits', 'halfcolumn', 'awoke', 'drowned', 'determine', 'trifling', 'towns', 'vital', 'parish', 'abjure', 'againjust', 'panel', 'robberies', 'enters', 'laying', 'morning', 'chinchilla', 'malay', 'finds', 'mind', 'badly', 'sideboard', 'altar', 'hers', 'skill', 'chased', 'notably', 'attainments', 'treat', 'dignity', 'lays', 'executive', 'bee', 'operatic', 'frost', 'dropping', 'lingering', 'pence', 'flung', 'twentyfour', 'meadow', 'sit', 'dense', 'finished', 'point', 'miles', 'catastrophe', 'mostly', 'including', 'screaming', 'gibe', 'overtook', 'firm', 'gun', 'bless', 'ladyships', 'hope', 'unofficial', 'shoulder', 'reedgirt', 'along', 'attics', 'outoftheway', 'conundrums', 's', 'read', 'twelvemile', 'quicker', 'takings', 'support', 'discover', 'chapter', 'imprisoned', 'narrowed', 'volume', 'fullsailed', 'interest', 'seldom', 'ventilator', 'silently', 'bushes', 'briar', 'stableboy', 'training', 'consults', 'agricultural', 'shamefully', 'wintry', 'nativeborn', 'anderson', 'eleys', 'darkcoloured', 'prosecuted', 'any', 'coventry', 'backwater', 'jack', 'tattered', 'severely', 'flaubert', 'manner', 'guineas', 'stories', 'each', 'bloc', 'surroundings', 'opponent', 'case', 'gives', 'meets', 'emerged', 'duke', 'afghan', 'complained', 'why', 'collection', 'mould', 'than', 'unless', 'jewellery', 'nervously', 'arteries', 'made', 'compromised', 'earning', 'whirling', 'discoloured', 'sleeper', 'puffed', 'freely', 'met', 'flash', 'cook', 'city', 'expensive', 'elise', 'exaggerated', 'feeble', 'perform', 'negroes', 'protesting', 'repented', 'finest', 'pure', 'stretched', 'violent', 'casesbut', 'strong', 'came', 'assure', 'braced', 'midnight', 'imprudently', 'successes', 'plainly', 'commercial', 'eastern', 'throwing', 'zeropoint', 'having', 'confining', 'ensued', 'forgotten', 'cabs', 'detailing', 'site', 'advertisement', 'sees', 'computers', 'intrusion', 'resentment', 'agreement', 'beer', 'conjecture', 'illgentlemen', 'practically', 'loaf', 'reopened', 'strongset', 'anxiously', 'mtier', 'whims', 'madinsane', 'turf', 'pearlgrey', 'alliance', 'accompanying', 'prey', 'draught', 'impressions', 'inward', 'price', 'gruff', 'venner', 'suited', 'atone', 'holmesa', 'buying', 'ostensibly', 'moran', 'studies', 'remainder', 'damages', 'painfully', 'fallen', 'tool', 'binding', 'footing', 'indicated', 'fiancand', 'motion', 'fog', 'principles', 'sir', 'irs', 'mall', 'forced', 'indiscreetly', 'farewell', 'unclei', 'essence', 'brought', 'emotions', 'gbnewbypglaforg', 'ledgers', 'tiptoes', 'through', 'interrupt', 'faddy', 'madam', 'arthur', 'triumph', 'fareham', 'odour', 'shiny', 'veins', 'betterlined', 'rise', 'pouring', 'plentiful', 'foreseen', 'gates', 'amazement', 'robbery', 'galeand', 'deductive', 'forming', 'wigmore', 'befallen', 'perched', 'vessels', 'rucastles', 'professionally', 'thus', 'inheritance', 'virtues', 'folk', 'piled', 'excited', 'tenacious', 'tucked', 'filial', 'bustling', 'heartily', 'coloured', 'lad', 'demonill', 'rest', 'odessa', 'sidetable', 'turns', 'bradstreet', 'fierce', 'pips', 'stepped', 'resolute', 'selflighting', 'partner', 'bs', 'smoking', 'lothman', 'freemasonry', 'bark', 'death', 'submitted', 'parapet', 'indoors', 'clears', 'confronted', 'feeling', 'risers', 'plans', 'hardly', 'enables', 'agreed', 'monogram', 'vagueness', 'dwell', 'inform', 'fronts', 'compunction', 'footsteps', 'bellpull', 'bedroom', 'linoleum', 'methods', 'singlehanded', 'mess', 'shift', 'munro', 'united', 'modest', 'beryl', 'driven', 'brick', 'member', 'usual', 'sometimes', 'please', 'hand', 'nearly', 'suppose', 'premises', 'suspended', 'catch', 'intensified', 'enter', 'outskirts', 'gasflare', 'cabby', 'intelligent', 'tying', 'bridal', 'concentrated', 'realistic', 'lee', 'comforted', 'tinkers', 'middleaged', 'observant', 'theft', 'tortured', 'estate', 'graveldrive', 'fancy', 'strengthen', 'seats', 'hood', 'pokers', 'investigated', 'goodnight', 'antics', 'watered', 'surveyed', 'clouds', 'snarl', 'sleepily', 'unacquainted', 'weaker', 'begun', 'conclusions', 'office', 'establish', 'langham', 'fumes', 'discovery', 'possessed', 'son', 'suspect', 'treachery', 'james', 'sigh', 'fly', 'hastening', 'sin', 'regretted', 'leather', 'expression', 'rescue', 'services', 'mastery', 'commit', 'build', 'comparatively', 'oak', 'hindrance', 'especially', 'banker', 'full', 'crinkled', 'saw', 'weighed', 'popes', 'exaustralian', 'wretched', 'enemys', 'forfeit', 'commands', 'difficulty', 'nice', 'spoken', 'idea', 'forgiveness', 'borne', 'newly', 'proving', 'today', 'clump', 'southern', 'tendencies', 'soda', 'moistened', 'clapped', 'writhing', 'londonquite', 'whishing', 'withdrawn', 'seal', 'countrytown', 'exacting', 'poetry', 'paddington', 'flamecoloured', 'merchantability', 'reserve', 'brow', 'hotblooded', 'clearing', 'particulars', 'bride', 'resources', 'dnouement', 'bristol', 'imitated', 'beyond', 'costers', 'portly', 'ugliness', 'roots', 'locket', 'shrillya', 'dies', 'freckled', 'motioned', 'slipper', 'mens', 'affairs', 'repair', 'masonry', 'fact', 'retort', 'halfdragged', 'rifled', 'sussex', 'pittance', 'licensed', 'inner', 'snatched', 'regulating', 'slab', 'traveller', 'view', 'doors', 'thanks', 'animated', 'uncompromising', 'whitecounterpaned', 'asked', 'wheeled', 'rubber', 'individuality', 'm', 'describes', 'plumped', 'club', 'flashing', 'vault', 'obey', 'giving', 'provincial', 'deserts', 'indifferent', 'insisted', 'montague', 'newcomer', 'transverse', 'tiara', 'nervous', 'disappointment', 'necessity', 'grievance', 'strode', 'vacancy', 'outrages', 'correspondent', 'bottom', 'among', 'drink', 'fight', 'consternation', 'reigning', 'judgment', 'summarise', 'run', 'cumbrous', 'camera', 'presence', 'twentieth', 'customary', 'broken', 'georges', 'lean', 'mixture', 'stoper', 'd', 'selection', 'stupidity', 'unpleasantness', 'suggestivein', 'bring', 'manypointed', 'injuries', 'additions', 'menaced', 'careful', 'loftily', 'stripped', 'pals', 'borders', 'respectable', 'trincomalee', 'whistles', 'suit', 'spots', 'gift', 'stump', 'points', 'opulence', 'thicksoled', 'twisted', 'were', 'perpetrated', 'gravity', 'notepaper', 'bills', 'mine', 'lust', 'general', 'probable', 'characterdummy', 'slumber', 'immensely', 'staples', 'failing', 'depressed', 'splashing', 'tune', 'maids', 'telling', 'places', 'merchantman', 'missing', 'force', 'yearand', 'annual', 'reports', 'hinges', 'creases', 'youth', 'buttoned', 'figured', 'fell', 'finder', 'twinkling', 'frighten', 'ransacked', 'spring', 'invited', 'britain', 'resist', 'authoritative', 'preliminary', 'shawl', 'continued', 'pheasant', 'smack', 'accurately', 'invaluable', 'membra', 'lit', 'providing', 'contemptuous', 'fishmonger', 'backgammon', 'isolation', 'emotion', 'lefthanded', 'gaining', 'appearing', 'rely', 'enthusiasm', 'college', 'propriety', 'consult', 'won', 'move', 'many', 'complexion', 'darted', 'conducted', 'lancaster', 'proprietor', 'affecting', 'id', 'should', 'hearts', 'ghastly', 'gentlemanly', 'safety', 'possessions', 'heroic', 'proofs', 'buzzing', 'thrust', 'revenge', 'dressing', 'gossips', 'fortnight', 'bandage', 'fifty', 'sweetness', 'lebanon', 'charing', 'fortyone', 'strayed', 'from', 'hastily', 'eat', 'divinedin', 'wellgroomed', 'albert', 'mornings', 'loungers', 'cornwall', 'used', 'mention', 'outcry', 'cousins', 'country', 'degree', 'noted', 'record', 'at', 'overhauled', 'mouth', 'references', 'while', 'donate', 'relations', 'blazing', 'adventures', 'actions', 'settle', 'dress', 'theorise', 'inextricable', 'solvedwhat', 'exclusion', 'convoy', 'blandly', 'straw', 'toothbrush', 'can', 'meshes', 'luxurious', 'tobacconist', 'found', 'metropolis', 'crocuses', 'authority', 'rightly', 'entered', 'recognise', 'search', 'welllit', 'tied', 'bandages', 'fewer', 'butler', 'monotony', 'piquant', 'coolness', 'sadfaced', 'lasting', 'hearing', 'examined', 'assured', 'murders', 'bizarre', 'anteroom', 'moving', 'employees', 'reasoner', 'glancing', 'lest', 'mccauley', 'sore', 'clasping', 'ruefully', 'ginshop', 'arrange', 'murder', 'ix', 'fearless', 'distribute', 'descent', 'physical', 'encamp', 'meetings', 'traffic', 'waylaid', 'filling', 'warehouse', 'hubbub', 'hotheaded', 'obtaining', 'crumbly', 'stone', 'ambitious', 'weird', 'xi', 'mortals', 'wind', 'persistently', 'bones', 'gasjet', 'stumbled', 'fulfilment', 'approach', 'cotton', 'finer', 'trusted', 'thirtyseven', 'speaks', 'modern', 'valid', 'destroyed', 'splendour', 'glove', 'cruel', 'animal', 'lent', 'horror', 'shaken', 'mile', 'uncomfortable', 'commonplace', 'disappearance', 'converse', 'donors', 'stride', 'trout', 'mates', 'service', 'maidsjoined', 'louder', 'shirtsleeve', 'administration', 'luncheon', 'information', 'pallet', 'boswell', 'chins', 'gaping', 'cousin', 'agitated', 'knows', 'awake', 'barrow', 'our', 'impulsively', 'alsobut', 'straining', 'second', 'filled', 'entangled', 'advantages', 'furtive', 'oillamp', 'whose', 'indulged', 'lured', 'surpliced', 'disagreeable', 'normal', 'e', 'convince', 'november', 'scheming', 'prompt', 'neat', 'stuff', 'slighted', 'brightly', 'accepted', 'composed', 'casting', 'uproar', 'everything', 'rising', 'slopshop', 'railings', 'combined', 'present', 'gleaming', 'waxed', 'westbury', 'rambling', 'guessed', 'town', 'unheeded', 'hurts', 'shimmering', 'goals', 'rule', 'ado', 'cobwebby', 'coldblooded', 'beginnings', 'and', 'dorans', 'figure', 'swim', 'spend', 'swaying', 'ezekiah', 'beneath', 'field', 'thats', 'series', 'family', 'lieu', 'pondicherry', 'arrived', 'perceived', 'specific', 'told', 'oldest', 'ft', 'steps', 'tattoo', 'inspection', 'successful', 'speedy', 'chink', 'mortimers', 'sodden', 'views', 'receded', 'acts', 'beige', 'quivering', 'things', 'clinked', 'linked', 'disadvantages', 'parley', 'confine', 'pledged', 'rival', 'seared', 'expend', 'shook', 'bechers', 'dustcoat', 'rueful', 'spectacles', 'tut', 'sunlight', 'lying', 'division', 'swimming', 'forget', 'lids', 'noiselessly', 'murderers', 'p', 'resting', 'aright', 'moonless', 'distributing', 'did', 'writes', 'realised', 'reparation', 'mysterious', 'shortly', 'cells', 'katepoor', 'bewilderment', 'with', 'closing', 'handsome', 'dusty', 'cat', 'sporadic', 'plenty', 'plainer', 'sailor', 'oscillated', 'juryman', 'getting', 'screams', 'pacing', 'womanly', 'unimpeachable', 'fortnights', 'voil', 'bricks', 'situation', 'shuttered', 'midway', 'myth', 'stately', 'excluded', 'wishes', 'beeches', 'wrapped', 'refreshingly', 'homely', 'visited', 'quarters', 'someone', 'outsides', 'remained', 'conveniently', 'confirmed', 'bumping', 'copier', 'killed', 'ate', 'exciting', 'barrel', 'ingenuity', 'diary', 'beasts', 'shapeless', 'confidence', 'jewelcase', 'dryly', 'spies', 'dreams', 'extending', 'posted', 'essential', 'asks', 'governess', 'queen', 'ha', 'swamp', 'everyday', 'apache', 'repeat', 'perceive', 'dear', 'gained', 'adds', 'galvanised', 'gigantic', 'persuade', 'london', 'gentlemen', 'exceptional', 'heres', 'deed', 'seaweed', 'takes', 'ungovernable', 'body', 'heather', 'iota', 'meeting', 'uncertain', 'fangs', 'supporters', 'goodnatured', 'hercules', 'elbows', 'whoa', 'depends', 'substitution', 'negro', 'drunkard', 'rs', 'sunburnt', 'mistress', 'theory', 'duplicates', 'masked', 'strip', 'address', 'recess', 'wwwgutenbergorgdonate', 'leaped', 'representative', 'bisulphate', 'prankupon', 'source', 'telegram', 'details', 'yawning', 'feathers', 'writings', 'hands', 'hysterical', 'excitable', 'unlink', 'brown', 'director', 'caltrops', 'differently', 'talking', 'disputatious', 'bears', 'fabrication', 'didnt', 'another', 'clearly', 'fought', 'critical', 'traced', 'ill', 'rattling', 'assurance', 'comely', 'intruding', 'untamed', 'passion', 'rang', 'bolted', 'curled', 'misjudged', 'opal', 'founder', 'utterly', 'campbed', 'risks', 'medium', 'dates', 'tired', 'archie', 'cooperation', 'corporation', 'balustraded', 'provision', 'limping', 'mission', 'turners', 'redheaded', 'mana', 'reconstruction', 'tassel', 'jollification', 'fowls', 'holmesi', 'protestation', 'infernal', 'attained', 'wherever', 'metropolitan', 'spellbound', 'label', 'underground', 'crab', 'snigger', 'fowler', 'company', 'assault', 'hours', 'pet', 'grown', 'make', 'possibleat', 'severn', 'guilt', 'westaway', 'crack', 'diversity', 'machine', 'governesses', 'arabian', 'ash', 'heels', 'gasped', 'swish', 'vainly', 'wax', 'undoing', 'preceded', 'definitely', 'burrowing', 'stormy', 'illness', 'agony', 'landingstages', 'air', 'destroy', 'hinders', 'coarse', 'by', 'thin', 'grime', 'suitor', 'fairbanks', 'splash', 'wagons', 'whined', 'event', 'dreadful', 'chivalrous', 'purchasing', 'electricblue', 'laurel', 'winking', 'undersecretary', 'confide', 'intellectual', 'forwarded', 'working', 'shy', 'diamond', 'admiration', 'palpitating', 'escapade', 'credit', 'up', 'selfevident', 'gems', 'invisible'}\n" + ] + } + ], + "source": [ + "print(words)\n", + "hello_encodded = word2tensor(\"junior\")\n", + "output, hidden = rnn(hello_encodded, hidden)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "mps:0\n" + ] + } + ], + "source": [ + "torch.set_default_device('mps')\n", + "a = torch.tensor([1, 2, 3, 4, 5])\n", + "print(a.device)" + ] + }, + { + "cell_type": "code", + "execution_count": null, "metadata": {}, "outputs": [ { "name": "stdout", "output_type": "stream", "text": [ - "tensor([[0., 0., 0., 0., 0.]], requires_grad=True)\n", - "tensor([[-1.6094, -1.6094, -1.6094, -1.6094, -1.6094]],\n", - " grad_fn=)\n", - "tensor(-8.0472, grad_fn=)\n", - "tensor([2])\n", - "tensor([[-1.6094, -1.6094, -1.6094, -1.6094, -1.6094]],\n", - " grad_fn=)\n", - "tensor(1.6094, grad_fn=)\n", - "tensor([[[-1.1418, 0.4812, 0.1088, 0.0671, 0.2627]]])\n", - "[0 1 2 3 4]\n", - "3\n" + "cpu\n" ] } ], "source": [ - "m = nn.LogSoftmax(dim=1)\n", - "loss = nn.NLLLoss()\n", - "# input is of size N x C = 3 x 5\n", - "input = torch.zeros(1, 5, requires_grad=True)\n", - "print(input)\n", - "input = m(input)\n", - "print(input)\n", - "print(input.sum())\n", - "# each element in target has to have 0 <= value < C\n", - "target = torch.tensor([2])\n", - "print(target)\n", - "print(input)\n", - "output = loss(input, target)\n", - "output.backward()\n", - "print(output)\n", - "\n", - "sample = torch.randn(1, 1, 5)\n", - "print(sample)\n", - "# Print non-zero indices" + "b = torch.tensor([1, 2, 3, 4, 5], device='cpu')\n", + "print(b.device)" ] }, {